Meet HopeJR – A humanoid robot arm and hand for dexterous manipulation!
@@ -51,20 +47,12 @@
-
-

-

-
+
+
+  |
+  |
+
+
Meet the updated SO100, the SO-101 – Just €114 per arm!
Train it in minutes with a few simple moves on your laptop.
@@ -76,7 +64,7 @@
Want to take it to the next level? Make your SO-101 mobile by building LeKiwi!
Check out the LeKiwi tutorial and bring your robot to life on wheels.
-

+
@@ -99,9 +87,9 @@
-  |
-  |
-  |
+  |
+  |
+  |
| ACT policy on ALOHA env |
@@ -110,24 +98,9 @@
-### Acknowledgment
-
-- The LeRobot team 🤗 for building SmolVLA [Paper](https://arxiv.org/abs/2506.01844), [Blog](https://huggingface.co/blog/smolvla).
-- Thanks to Tony Zhao, Zipeng Fu and colleagues for open sourcing ACT policy, ALOHA environments and datasets. Ours are adapted from [ALOHA](https://tonyzhaozh.github.io/aloha) and [Mobile ALOHA](https://mobile-aloha.github.io).
-- Thanks to Cheng Chi, Zhenjia Xu and colleagues for open sourcing Diffusion policy, Pusht environment and datasets, as well as UMI datasets. Ours are adapted from [Diffusion Policy](https://diffusion-policy.cs.columbia.edu) and [UMI Gripper](https://umi-gripper.github.io).
-- Thanks to Nicklas Hansen, Yunhai Feng and colleagues for open sourcing TDMPC policy, Simxarm environments and datasets. Ours are adapted from [TDMPC](https://github.com/nicklashansen/tdmpc) and [FOWM](https://www.yunhaifeng.com/FOWM).
-- Thanks to Antonio Loquercio and Ashish Kumar for their early support.
-- Thanks to [Seungjae (Jay) Lee](https://sjlee.cc/), [Mahi Shafiullah](https://mahis.life/) and colleagues for open sourcing [VQ-BeT](https://sjlee.cc/vq-bet/) policy and helping us adapt the codebase to our repository. The policy is adapted from [VQ-BeT repo](https://github.com/jayLEE0301/vq_bet_official).
-
## Installation
-Download our source code:
-
-```bash
-git clone https://github.com/huggingface/lerobot.git
-cd lerobot
-```
-
+LeRobot works with Python 3.10+ and PyTorch 2.2+.
Create a virtual environment with Python 3.10 and activate it, e.g. with [`miniconda`](https://docs.anaconda.com/free/miniconda/index.html):
```bash
@@ -154,7 +127,7 @@ conda install ffmpeg -c conda-forge
Install 🤗 LeRobot:
```bash
-pip install -e .
+pip install lerobot
```
> **NOTE:** If you encounter build errors, you may need to install additional dependencies (`cmake`, `build-essential`, and `ffmpeg libs`). On Linux, run:
@@ -182,7 +155,7 @@ wandb login
### Visualize datasets
-Check out [example 1](./examples/1_load_lerobot_dataset.py) that illustrates how to use our dataset class which automatically downloads data from the Hugging Face hub.
+Check out [example 1](https://github.com/huggingface/lerobot/blob/main/examples/1_load_lerobot_dataset.py) that illustrates how to use our dataset class which automatically downloads data from the Hugging Face hub.
You can also locally visualize episodes from a dataset on the hub by executing our script from the command line:
@@ -212,7 +185,7 @@ Our script can also visualize datasets stored on a distant server. See `python -
A dataset in `LeRobotDataset` format is very simple to use. It can be loaded from a repository on the Hugging Face hub or a local folder simply with e.g. `dataset = LeRobotDataset("lerobot/aloha_static_coffee")` and can be indexed into like any Hugging Face and PyTorch dataset. For instance `dataset[0]` will retrieve a single temporal frame from the dataset containing observation(s) and an action as PyTorch tensors ready to be fed to a model.
-A specificity of `LeRobotDataset` is that, rather than retrieving a single frame by its index, we can retrieve several frames based on their temporal relationship with the indexed frame, by setting `delta_timestamps` to a list of relative times with respect to the indexed frame. For example, with `delta_timestamps = {"observation.image": [-1, -0.5, -0.2, 0]}` one can retrieve, for a given index, 4 frames: 3 "previous" frames 1 second, 0.5 seconds, and 0.2 seconds before the indexed frame, and the indexed frame itself (corresponding to the 0 entry). See example [1_load_lerobot_dataset.py](examples/1_load_lerobot_dataset.py) for more details on `delta_timestamps`.
+A specificity of `LeRobotDataset` is that, rather than retrieving a single frame by its index, we can retrieve several frames based on their temporal relationship with the indexed frame, by setting `delta_timestamps` to a list of relative times with respect to the indexed frame. For example, with `delta_timestamps = {"observation.image": [-1, -0.5, -0.2, 0]}` one can retrieve, for a given index, 4 frames: 3 "previous" frames 1 second, 0.5 seconds, and 0.2 seconds before the indexed frame, and the indexed frame itself (corresponding to the 0 entry). See example [1_load_lerobot_dataset.py](https://github.com/huggingface/lerobot/blob/main/examples/1_load_lerobot_dataset.py) for more details on `delta_timestamps`.
Under the hood, the `LeRobotDataset` format makes use of several ways to serialize data which can be useful to understand if you plan to work more closely with this format. We tried to make a flexible yet simple dataset format that would cover most type of features and specificities present in reinforcement learning and robotics, in simulation and in real-world, with a focus on cameras and robot states but easily extended to other types of sensory inputs as long as they can be represented by a tensor.
@@ -256,7 +229,7 @@ Dataset can be uploaded/downloaded from the HuggingFace hub seamlessly. To work
### Evaluate a pretrained policy
-Check out [example 2](./examples/2_evaluate_pretrained_policy.py) that illustrates how to download a pretrained policy from Hugging Face hub, and run an evaluation on its corresponding environment.
+Check out [example 2](https://github.com/huggingface/lerobot/blob/main/examples/2_evaluate_pretrained_policy.py) that illustrates how to download a pretrained policy from Hugging Face hub, and run an evaluation on its corresponding environment.
We also provide a more capable script to parallelize the evaluation over multiple environments during the same rollout. Here is an example with a pretrained model hosted on [lerobot/diffusion_pusht](https://huggingface.co/lerobot/diffusion_pusht):
@@ -280,13 +253,13 @@ See `python -m lerobot.scripts.eval --help` for more instructions.
### Train your own policy
-Check out [example 3](./examples/3_train_policy.py) that illustrates how to train a model using our core library in python, and [example 4](./examples/4_train_policy_with_script.md) that shows how to use our training script from command line.
+Check out [example 3](https://github.com/huggingface/lerobot/blob/main/examples/3_train_policy.py) that illustrates how to train a model using our core library in python, and [example 4](https://github.com/huggingface/lerobot/blob/main/examples/4_train_policy_with_script.md) that shows how to use our training script from command line.
To use wandb for logging training and evaluation curves, make sure you've run `wandb login` as a one-time setup step. Then, when running the training command above, enable WandB in the configuration by adding `--wandb.enable=true`.
-A link to the wandb logs for the run will also show up in yellow in your terminal. Here is an example of what they look like in your browser. Please also check [here](./examples/4_train_policy_with_script.md#typical-logs-and-metrics) for the explanation of some commonly used metrics in logs.
+A link to the wandb logs for the run will also show up in yellow in your terminal. Here is an example of what they look like in your browser. Please also check [here](https://github.com/huggingface/lerobot/blob/main/examples/4_train_policy_with_script.md#typical-logs-and-metrics) for the explanation of some commonly used metrics in logs.
-
+\

Note: For efficiency, during training every checkpoint is evaluated on a low number of episodes. You may use `--eval.n_episodes=500` to evaluate on more episodes than the default. Or, after training, you may want to re-evaluate your best checkpoints on more episodes or change the evaluation settings. See `python -m lerobot.scripts.eval --help` for more instructions.
@@ -305,26 +278,6 @@ reproduces SOTA results for Diffusion Policy on the PushT task.
If you would like to contribute to 🤗 LeRobot, please check out our [contribution guide](https://github.com/huggingface/lerobot/blob/main/CONTRIBUTING.md).
-
-
### Add a pretrained policy
Once you have trained a policy you may upload it to the Hugging Face hub using a hub id that looks like `${hf_user}/${repo_name}` (e.g. [lerobot/diffusion_pusht](https://huggingface.co/lerobot/diffusion_pusht)).
@@ -341,34 +294,16 @@ To upload these to the hub, run the following:
huggingface-cli upload ${hf_user}/${repo_name} path/to/pretrained_model
```
-See [eval.py](https://github.com/huggingface/lerobot/blob/main/lerobot/scripts/eval.py) for an example of how other people may use your policy.
-
-### Improve your code with profiling
-
-An example of a code snippet to profile the evaluation of a policy:
+See [eval.py](https://github.com/huggingface/lerobot/blob/main/src/lerobot/scripts/eval.py) for an example of how other people may use your policy.
-
-```python
-from torch.profiler import profile, record_function, ProfilerActivity
-
-def trace_handler(prof):
- prof.export_chrome_trace(f"tmp/trace_schedule_{prof.step_num}.json")
+### Acknowledgment
-with profile(
- activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA],
- schedule=torch.profiler.schedule(
- wait=2,
- warmup=2,
- active=3,
- ),
- on_trace_ready=trace_handler
-) as prof:
- with record_function("eval_policy"):
- for i in range(num_episodes):
- prof.step()
- # insert code to profile, potentially whole body of eval_policy function
-```
-
+- The LeRobot team 🤗 for building SmolVLA [Paper](https://arxiv.org/abs/2506.01844), [Blog](https://huggingface.co/blog/smolvla).
+- Thanks to Tony Zhao, Zipeng Fu and colleagues for open sourcing ACT policy, ALOHA environments and datasets. Ours are adapted from [ALOHA](https://tonyzhaozh.github.io/aloha) and [Mobile ALOHA](https://mobile-aloha.github.io).
+- Thanks to Cheng Chi, Zhenjia Xu and colleagues for open sourcing Diffusion policy, Pusht environment and datasets, as well as UMI datasets. Ours are adapted from [Diffusion Policy](https://diffusion-policy.cs.columbia.edu) and [UMI Gripper](https://umi-gripper.github.io).
+- Thanks to Nicklas Hansen, Yunhai Feng and colleagues for open sourcing TDMPC policy, Simxarm environments and datasets. Ours are adapted from [TDMPC](https://github.com/nicklashansen/tdmpc) and [FOWM](https://www.yunhaifeng.com/FOWM).
+- Thanks to Antonio Loquercio and Ashish Kumar for their early support.
+- Thanks to [Seungjae (Jay) Lee](https://sjlee.cc/), [Mahi Shafiullah](https://mahis.life/) and colleagues for open sourcing [VQ-BeT](https://sjlee.cc/vq-bet/) policy and helping us adapt the codebase to our repository. The policy is adapted from [VQ-BeT repo](https://github.com/jayLEE0301/vq_bet_official).
## Citation
@@ -376,83 +311,13 @@ If you want, you can cite this work with:
```bibtex
@misc{cadene2024lerobot,
- author = {Cadene, Remi and Alibert, Simon and Soare, Alexander and Gallouedec, Quentin and Zouitine, Adil and Palma, Steven and Kooijmans, Pepijn and Aractingi, Michel and Shukor, Mustafa and Aubakirova, Dana and Russi, Martino and Capuano, Francesco and Pascale, Caroline and Choghari, Jade and Moss, Jess and Wolf, Thomas},
+ author = {Cadene, Remi and Alibert, Simon and Soare, Alexander and Gallouedec, Quentin and Zouitine, Adil and Palma, Steven and Kooijmans, Pepijn and Aractingi, Michel and Shukor, Mustafa and Aubakirova, Dana and Russi, Martino and Capuano, Francesco and Pascal, Caroline and Choghari, Jade and Moss, Jess and Wolf, Thomas},
title = {LeRobot: State-of-the-art Machine Learning for Real-World Robotics in Pytorch},
howpublished = "\url{https://github.com/huggingface/lerobot}",
year = {2024}
}
```
-Additionally, if you are using any of the particular policy architecture, pretrained models, or datasets, it is recommended to cite the original authors of the work as they appear below:
-
-- [SmolVLA](https://arxiv.org/abs/2506.01844)
-
-```bibtex
-@article{shukor2025smolvla,
- title={SmolVLA: A Vision-Language-Action Model for Affordable and Efficient Robotics},
- author={Shukor, Mustafa and Aubakirova, Dana and Capuano, Francesco and Kooijmans, Pepijn and Palma, Steven and Zouitine, Adil and Aractingi, Michel and Pascal, Caroline and Russi, Martino and Marafioti, Andres and Alibert, Simon and Cord, Matthieu and Wolf, Thomas and Cadene, Remi},
- journal={arXiv preprint arXiv:2506.01844},
- year={2025}
-}
-```
-
-- [Diffusion Policy](https://diffusion-policy.cs.columbia.edu)
-
-```bibtex
-@article{chi2024diffusionpolicy,
- author = {Cheng Chi and Zhenjia Xu and Siyuan Feng and Eric Cousineau and Yilun Du and Benjamin Burchfiel and Russ Tedrake and Shuran Song},
- title ={Diffusion Policy: Visuomotor Policy Learning via Action Diffusion},
- journal = {The International Journal of Robotics Research},
- year = {2024},
-}
-```
-
-- [ACT or ALOHA](https://tonyzhaozh.github.io/aloha)
-
-```bibtex
-@article{zhao2023learning,
- title={Learning fine-grained bimanual manipulation with low-cost hardware},
- author={Zhao, Tony Z and Kumar, Vikash and Levine, Sergey and Finn, Chelsea},
- journal={arXiv preprint arXiv:2304.13705},
- year={2023}
-}
-```
-
-- [TDMPC](https://www.nicklashansen.com/td-mpc/)
-
-```bibtex
-@inproceedings{Hansen2022tdmpc,
- title={Temporal Difference Learning for Model Predictive Control},
- author={Nicklas Hansen and Xiaolong Wang and Hao Su},
- booktitle={ICML},
- year={2022}
-}
-```
-
-- [VQ-BeT](https://sjlee.cc/vq-bet/)
-
-```bibtex
-@article{lee2024behavior,
- title={Behavior generation with latent actions},
- author={Lee, Seungjae and Wang, Yibin and Etukuru, Haritheja and Kim, H Jin and Shafiullah, Nur Muhammad Mahi and Pinto, Lerrel},
- journal={arXiv preprint arXiv:2403.03181},
- year={2024}
-}
-```
-
-- [HIL-SERL](https://hil-serl.github.io/)
-
-```bibtex
-@Article{luo2024hilserl,
-title={Precise and Dexterous Robotic Manipulation via Human-in-the-Loop Reinforcement Learning},
-author={Jianlan Luo and Charles Xu and Jeffrey Wu and Sergey Levine},
-year={2024},
-eprint={2410.21845},
-archivePrefix={arXiv},
-primaryClass={cs.RO}
-}
-```
-
## Star History
[](https://star-history.com/#huggingface/lerobot&Timeline)
diff --git a/docs-requirements.txt b/docs-requirements.txt
new file mode 100644
index 0000000000..e286ad2bb4
--- /dev/null
+++ b/docs-requirements.txt
@@ -0,0 +1,3 @@
+# docs-requirements.txt
+hf-doc-builder @ git+https://github.com/huggingface/doc-builder.git@main
+watchdog>=6.0.0
diff --git a/docs/README.md b/docs/README.md
index 967de7b841..476eb8dce8 100644
--- a/docs/README.md
+++ b/docs/README.md
@@ -20,7 +20,7 @@ To generate the documentation, you first have to build it. Several packages are
you can install them with the following command, at the root of the code repository:
```bash
-pip install -e ".[docs]"
+pip install -e . -r docs-requirements.txt
```
You will also need `nodejs`. Please refer to their [installation page](https://nodejs.org/en/download)
diff --git a/docs/source/hilserl.mdx b/docs/source/hilserl.mdx
index f66d8cab7d..2f73d09647 100644
--- a/docs/source/hilserl.mdx
+++ b/docs/source/hilserl.mdx
@@ -28,7 +28,7 @@ This guide provides step-by-step instructions for training a robot policy using
- A gamepad (recommended) or keyboard to control the robot
- A Nvidia GPU
- A real robot with a follower and leader arm (optional if you use the keyboard or the gamepad)
-- A URDF file for the robot for the kinematics package (check `lerobot/common/model/kinematics.py`)
+- A URDF file for the robot for the kinematics package (check `lerobot/model/kinematics.py`)
## What kind of tasks can I train?
@@ -477,7 +477,7 @@ Create a training configuration file (example available [here](https://huggingfa
1. Configure the policy settings (`type="sac"`, `device`, etc.)
2. Set `dataset` to your cropped dataset
3. Configure environment settings with crop parameters
-4. Check the other parameters related to SAC in [configuration_sac.py](https://github.com/huggingface/lerobot/blob/19bb621a7d0a31c20cd3cc08b1dbab68d3031454/lerobot/common/policies/sac/configuration_sac.py#L79).
+4. Check the other parameters related to SAC in [configuration_sac.py](https://github.com/huggingface/lerobot/blob/main/src/lerobot/policies/sac/configuration_sac.py#L79).
5. Verify that the `policy` config is correct with the right `input_features` and `output_features` for your task.
**Starting the Learner**
diff --git a/docs/source/il_robots.mdx b/docs/source/il_robots.mdx
index ccca6d5082..ec5491b2a9 100644
--- a/docs/source/il_robots.mdx
+++ b/docs/source/il_robots.mdx
@@ -294,7 +294,7 @@ dataset.push_to_hub()
#### Dataset upload
-Locally, your dataset is stored in this folder: `~/.cache/huggingface/lerobot/{repo-id}`. At the end of data recording, your dataset will be uploaded on your Hugging Face page (e.g. https://huggingface.co/datasets/cadene/so101_test) that you can obtain by running:
+Locally, your dataset is stored in this folder: `~/.cache/huggingface/lerobot/{repo-id}`. At the end of data recording, your dataset will be uploaded on your Hugging Face page (e.g. `https://huggingface.co/datasets/${HF_USER}/so101_test`) that you can obtain by running:
```bash
echo https://huggingface.co/datasets/${HF_USER}/so101_test
@@ -323,7 +323,7 @@ The `record` function provides a suite of tools for capturing and managing data
##### 2. Checkpointing and Resuming
- Checkpoints are automatically created during recording.
-- If an issue occurs, you can resume by re-running the same command with `--resume=true`.
+- If an issue occurs, you can resume by re-running the same command with `--resume=true`. When resuming a recording, `--dataset.num_episodes` must be set to the **number of additional episodes to be recorded**, and not to the targeted total number of episodes in the dataset !
- To start recording from scratch, **manually delete** the dataset directory.
##### 3. Recording Parameters
@@ -428,7 +428,7 @@ Your robot should replicate movements similar to those you recorded. For example
## Train a policy
-To train a policy to control your robot, use the [`python -m lerobot.scripts.train`](../src/lerobot/scripts/train.py) script. A few arguments are required. Here is an example command:
+To train a policy to control your robot, use the [`python -m lerobot.scripts.train`](https://github.com/huggingface/lerobot/blob/main/src/lerobot/scripts/train.py) script. A few arguments are required. Here is an example command:
```bash
python -m lerobot.scripts.train \
@@ -444,7 +444,7 @@ python -m lerobot.scripts.train \
Let's explain the command:
1. We provided the dataset as argument with `--dataset.repo_id=${HF_USER}/so101_test`.
-2. We provided the policy with `policy.type=act`. This loads configurations from [`configuration_act.py`](../src/lerobot/policies/act/configuration_act.py). Importantly, this policy will automatically adapt to the number of motor states, motor actions and cameras of your robot (e.g. `laptop` and `phone`) which have been saved in your dataset.
+2. We provided the policy with `policy.type=act`. This loads configurations from [`configuration_act.py`](https://github.com/huggingface/lerobot/blob/main/src/lerobot/policies/act/configuration_act.py). Importantly, this policy will automatically adapt to the number of motor states, motor actions and cameras of your robot (e.g. `laptop` and `phone`) which have been saved in your dataset.
3. We provided `policy.device=cuda` since we are training on a Nvidia GPU, but you could use `policy.device=mps` to train on Apple silicon.
4. We provided `wandb.enable=true` to use [Weights and Biases](https://docs.wandb.ai/quickstart) for visualizing training plots. This is optional but if you use it, make sure you are logged in by running `wandb login`.
@@ -462,9 +462,9 @@ If you do not want to push your model to the hub after training use `--policy.pu
Additionally you can provide extra `tags` or specify a `license` for your model or make the model repo `private` by adding this: `--policy.private=true --policy.tags=\[ppo,rl\] --policy.license=mit`
-#### Train using Collab
+#### Train using Google Colab
-If your local computer doesn't have a powerful GPU you could utilize Google Collab to train your model by following the [ACT training notebook](./notebooks#training-act).
+If your local computer doesn't have a powerful GPU you could utilize Google Colab to train your model by following the [ACT training notebook](./notebooks#training-act).
#### Upload policy checkpoints
diff --git a/docs/source/il_sim.mdx b/docs/source/il_sim.mdx
index 193b09b1bf..761e24e0fd 100644
--- a/docs/source/il_sim.mdx
+++ b/docs/source/il_sim.mdx
@@ -96,7 +96,7 @@ If you uploaded your dataset to the hub you can [visualize your dataset online](
## Train a policy
-To train a policy to control your robot, use the [`python -m lerobot.scripts.train`](../src/lerobot/scripts/train.py) script. A few arguments are required. Here is an example command:
+To train a policy to control your robot, use the [`python -m lerobot.scripts.train`](https://github.com/huggingface/lerobot/blob/main/src/lerobot/scripts/train.py) script. A few arguments are required. Here is an example command:
```bash
python -m lerobot.scripts.train \
@@ -111,7 +111,7 @@ python -m lerobot.scripts.train \
Let's explain the command:
1. We provided the dataset as argument with `--dataset.repo_id=${HF_USER}/il_gym`.
-2. We provided the policy with `policy.type=act`. This loads configurations from [`configuration_act.py`](../src/lerobot/policies/act/configuration_act.py). Importantly, this policy will automatically adapt to the number of motor states, motor actions and cameras of your robot (e.g. `laptop` and `phone`) which have been saved in your dataset.
+2. We provided the policy with `policy.type=act`. This loads configurations from [`configuration_act.py`](https://github.com/huggingface/lerobot/blob/main/src/lerobot/policies/act/configuration_act.py). Importantly, this policy will automatically adapt to the number of motor states, motor actions and cameras of your robot (e.g. `laptop` and `phone`) which have been saved in your dataset.
3. We provided `policy.device=cuda` since we are training on a Nvidia GPU, but you could use `policy.device=mps` to train on Apple silicon.
4. We provided `wandb.enable=true` to use [Weights and Biases](https://docs.wandb.ai/quickstart) for visualizing training plots. This is optional but if you use it, make sure you are logged in by running `wandb login`.
diff --git a/docs/source/lekiwi.mdx b/docs/source/lekiwi.mdx
index bb70fd26b7..a5bdb19cf0 100644
--- a/docs/source/lekiwi.mdx
+++ b/docs/source/lekiwi.mdx
@@ -258,7 +258,7 @@ You should see on your laptop something like this: `[INFO] Connected to remote r
| F | Decrease speed |
> [!TIP]
-> If you use a different keyboard, you can change the keys for each command in the [`LeKiwiConfig`](../src/lerobot/robot_devices/robots/configs.py).
+> If you use a different keyboard, you can change the keys for each command in the [`LeKiwiClientConfig`](https://github.com/huggingface/lerobot/blob/main/src/lerobot/robots/lekiwi/config_lekiwi.py).
### Wired version
diff --git a/docs/source/policy_act_README.md b/docs/source/policy_act_README.md
new file mode 100644
index 0000000000..371a9136fe
--- /dev/null
+++ b/docs/source/policy_act_README.md
@@ -0,0 +1,14 @@
+## Paper
+
+https://tonyzhaozh.github.io/aloha
+
+## Citation
+
+```bibtex
+@article{zhao2023learning,
+ title={Learning fine-grained bimanual manipulation with low-cost hardware},
+ author={Zhao, Tony Z and Kumar, Vikash and Levine, Sergey and Finn, Chelsea},
+ journal={arXiv preprint arXiv:2304.13705},
+ year={2023}
+}
+```
diff --git a/docs/source/policy_diffusion_README.md b/docs/source/policy_diffusion_README.md
new file mode 100644
index 0000000000..9ec934add6
--- /dev/null
+++ b/docs/source/policy_diffusion_README.md
@@ -0,0 +1,14 @@
+## Paper
+
+https://diffusion-policy.cs.columbia.edu
+
+## Citation
+
+```bibtex
+@article{chi2024diffusionpolicy,
+ author = {Cheng Chi and Zhenjia Xu and Siyuan Feng and Eric Cousineau and Yilun Du and Benjamin Burchfiel and Russ Tedrake and Shuran Song},
+ title ={Diffusion Policy: Visuomotor Policy Learning via Action Diffusion},
+ journal = {The International Journal of Robotics Research},
+ year = {2024},
+}
+```
diff --git a/docs/source/policy_smolvla_README.md b/docs/source/policy_smolvla_README.md
new file mode 100644
index 0000000000..ee567ee836
--- /dev/null
+++ b/docs/source/policy_smolvla_README.md
@@ -0,0 +1,14 @@
+## Paper
+
+https://arxiv.org/abs/2506.01844
+
+## Citation
+
+```bibtex
+@article{shukor2025smolvla,
+ title={SmolVLA: A Vision-Language-Action Model for Affordable and Efficient Robotics},
+ author={Shukor, Mustafa and Aubakirova, Dana and Capuano, Francesco and Kooijmans, Pepijn and Palma, Steven and Zouitine, Adil and Aractingi, Michel and Pascal, Caroline and Russi, Martino and Marafioti, Andres and Alibert, Simon and Cord, Matthieu and Wolf, Thomas and Cadene, Remi},
+ journal={arXiv preprint arXiv:2506.01844},
+ year={2025}
+}
+```
diff --git a/docs/source/policy_tdmpc_README.md b/docs/source/policy_tdmpc_README.md
new file mode 100644
index 0000000000..804f166c8f
--- /dev/null
+++ b/docs/source/policy_tdmpc_README.md
@@ -0,0 +1,14 @@
+## Paper
+
+https://www.nicklashansen.com/td-mpc/
+
+## Citation
+
+```bibtex
+@inproceedings{Hansen2022tdmpc,
+ title={Temporal Difference Learning for Model Predictive Control},
+ author={Nicklas Hansen and Xiaolong Wang and Hao Su},
+ booktitle={ICML},
+ year={2022}
+}
+```
diff --git a/docs/source/policy_vqbet_README.md b/docs/source/policy_vqbet_README.md
new file mode 100644
index 0000000000..02f95b7c2f
--- /dev/null
+++ b/docs/source/policy_vqbet_README.md
@@ -0,0 +1,14 @@
+## Paper
+
+https://sjlee.cc/vq-bet/
+
+## Citation
+
+```bibtex
+@article{lee2024behavior,
+ title={Behavior generation with latent actions},
+ author={Lee, Seungjae and Wang, Yibin and Etukuru, Haritheja and Kim, H Jin and Shafiullah, Nur Muhammad Mahi and Pinto, Lerrel},
+ journal={arXiv preprint arXiv:2403.03181},
+ year={2024}
+}
+```
diff --git a/examples/hil_serl_simulation_training/hi_rl_test_gamepad.json b/examples/hil_serl_simulation_training/hi_rl_test_gamepad.json
new file mode 100644
index 0000000000..4b040a9df2
--- /dev/null
+++ b/examples/hil_serl_simulation_training/hi_rl_test_gamepad.json
@@ -0,0 +1,92 @@
+{
+ "type": "hil",
+ "wrapper": {
+ "gripper_penalty": -0.02,
+ "display_cameras": false,
+ "add_joint_velocity_to_observation": true,
+ "add_ee_pose_to_observation": true,
+ "crop_params_dict": {
+ "observation.images.front": [
+ 0,
+ 0,
+ 128,
+ 128
+ ],
+ "observation.images.wrist": [
+ 0,
+ 0,
+ 128,
+ 128
+ ]
+ },
+ "resize_size": [
+ 128,
+ 128
+ ],
+ "control_time_s": 40.0,
+ "use_gripper": true,
+ "fixed_reset_joint_positions": [
+ 0.0,
+ 0.195,
+ 0.0,
+ -2.43,
+ 0.0,
+ 2.62,
+ 0.785
+ ],
+ "reset_time_s": 2.0,
+ "control_mode": "gamepad"
+ },
+ "use_viewer": true,
+ "use_gamepad": true,
+ "name": "franka_sim",
+ "mode": "record",
+ "repo_id": "username/panda-pick-gamepad",
+ "dataset_root": "./recordings_static_gamepad",
+ "task": "PandaPickCubeGamepad-v0",
+ "num_episodes": 30,
+ "episode": 0,
+ "pretrained_policy_name_or_path": null,
+ "device": "cuda",
+ "push_to_hub": true,
+ "fps": 10,
+ "random_block_position": true,
+ "features": {
+ "observation.images.front": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.images.wrist": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.state": {
+ "type": "STATE",
+ "shape": [
+ 18
+ ]
+ },
+ "action": {
+ "type": "ACTION",
+ "shape": [
+ 4
+ ]
+ }
+ },
+ "features_map": {
+ "observation.images.front": "observation.images.front",
+ "observation.images.wrist": "observation.images.wrist",
+ "observation.state": "observation.state",
+ "action": "action"
+ },
+ "reward_classifier_pretrained_path": null,
+ "number_of_steps_after_success": 0
+}
diff --git a/examples/hil_serl_simulation_training/hil_serl_simulation_training_guide_README.md b/examples/hil_serl_simulation_training/hil_serl_simulation_training_guide_README.md
new file mode 100644
index 0000000000..1543b7b51e
--- /dev/null
+++ b/examples/hil_serl_simulation_training/hil_serl_simulation_training_guide_README.md
@@ -0,0 +1,98 @@
+# LeRobot Training Guide: Panda Cube Picking
+
+A concise guide for training a robot policy to pick cubes using LeRobot's HIL-SERL framework.
+
+## Installation
+
+Install LeRobot with HIL-SERL support as shown in the [official documentation](https://huggingface.co/docs/lerobot/hilserl):
+
+```bash
+pip install -e ".[hilserl]"
+```
+
+## Recording Demonstrations
+
+Proceed with recording sample episodes for pretraining the reinforcement learning algorithm:
+
+```bash
+python -m lerobot.scripts.rl.gym_manipulator --config_path examples/hil_serl_simulation_training/hi_rl_test_gamepad.json
+```
+
+**Important Notes:**
+
+- **Recommended**: Collect 30-40 episodes including some failed picking attempts
+- **Control**: Use a gamepad controller for better end-effector control (configuration already set up)
+- **Dataset Storage**:
+ - `dataset_root` points to local folder where dataset is saved
+ - `repo_id` points to HuggingFace account for dataset upload
+ - **Prerequisite**: Install and authorize HuggingFace CLI with token to push datasets and replace the username in the `hi_rl_test_gamepad.json` and `train_gym_hil_env_gamepad.json`
+
+## Training the Policy
+
+Start both the learner and actor using these commands:
+
+```bash
+# Terminal 1: Start learner
+python -m lerobot.scripts.rl.learner --config_path examples/hil_serl_simulation_training/train_gym_hil_env_gamepad.json
+
+# Terminal 2: Start actor
+python -m lerobot.scripts.rl.actor --config_path examples/hil_serl_simulation_training/train_gym_hil_env_gamepad.json
+```
+
+The learner initializes with parameters from the offline training dataset.
+
+## Human Intervention Strategy
+
+**Important**: Allow the policy a few episodes to test picking on its own before intervening.
+
+**Best practices** for human intervention (see [official guide](https://huggingface.co/docs/lerobot/hilserl#guide-to-human-interventions)):
+
+1. **Guide the end effector back to the object** if it's drifting away from the cube
+2. **Guide the end effector above the cube** and let the policy try to pick it and raise it
+3. **Completely pick the object** if needed
+
+**Progression Strategy:**
+
+- As training progresses, interventions should become less aggressive
+- Once the policy manages to pick the cube on its own, start intervening only to guide the end effector to the approximate area where the object is found
+
+## Training Results
+
+The fully trained policy result can be seen in this video:
+
+
+
+## Resuming Training from Checkpoint
+
+Checkpoints are automatically saved based on the `save_freq` parameter in `train_gym_hil_env_gamepad.json` and are stored in the `outputs` folder.
+
+To resume training, both actor and learner need to be called with the policy path:
+
+```bash
+# Terminal 1: Resume learner
+python -m lerobot.scripts.rl.learner --config_path examples/hil_serl_simulation_training/train_gym_hil_env_gamepad.json --policy.path=examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model
+
+# Terminal 2: Resume actor
+python -m lerobot.scripts.rl.actor --config_path examples/hil_serl_simulation_training/train_gym_hil_env_gamepad.json --policy.path=examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model
+```
+
+Where `policy.path` is the full path to the locally saved checkpoints.
+
+## Monitoring Training
+
+Set the Weights & Biases flag to `true` in `train_gym_hil_env_gamepad.json` to follow live training results.
+
+The trained intervention rate should approximately look like this after a while:
+
+
+
+## Configuration Files
+
+- `hi_rl_test_gamepad.json`: Recording configuration
+- `train_gym_hil_env_gamepad.json`: Training configuration
+
+## Key Parameters
+
+- **Save Frequency**: Controlled by `save_freq` in training config
+- **Checkpoint Location**: `outputs/train/YYYY-MM-DD/HH-MM-SS_jobname/checkpoints/`
+- **Policy Path**: Points to `pretrained_model/` directory within checkpoints
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/config.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/config.json
new file mode 100644
index 0000000000..b1806c8fd9
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/config.json
@@ -0,0 +1,185 @@
+{
+ "type": "sac",
+ "n_obs_steps": 1,
+ "normalization_mapping": {
+ "VISUAL": "MEAN_STD",
+ "STATE": "MIN_MAX",
+ "ENV": "MIN_MAX",
+ "ACTION": "MIN_MAX"
+ },
+ "input_features": {
+ "observation.images.front": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.images.wrist": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.state": {
+ "type": "STATE",
+ "shape": [
+ 18
+ ]
+ }
+ },
+ "output_features": {
+ "action": {
+ "type": "ACTION",
+ "shape": [
+ 3
+ ]
+ }
+ },
+ "device": "cuda",
+ "use_amp": false,
+ "push_to_hub": true,
+ "repo_id": "spirosperos/panda-pick-gamepad-policy",
+ "private": null,
+ "tags": null,
+ "license": null,
+ "dataset_stats": {
+ "observation.images.front": {
+ "mean": [
+ 0.485,
+ 0.456,
+ 0.406
+ ],
+ "std": [
+ 0.229,
+ 0.224,
+ 0.225
+ ]
+ },
+ "observation.images.wrist": {
+ "mean": [
+ 0.485,
+ 0.456,
+ 0.406
+ ],
+ "std": [
+ 0.229,
+ 0.224,
+ 0.225
+ ]
+ },
+ "observation.state": {
+ "min": [
+ -0.6897139549255371,
+ -1.1421763896942139,
+ -0.5745007991790771,
+ -2.97829008102417,
+ -0.2710767090320587,
+ 1.3246592283248901,
+ -0.04057434946298599,
+ -0.21261805295944214,
+ -0.4548068344593048,
+ -0.6540042757987976,
+ -0.3644964098930359,
+ -1.1057522296905518,
+ -0.40768879652023315,
+ -0.2220114767551422,
+ 0.0,
+ 0.19176171720027924,
+ -0.3013063669204712,
+ 0.00362197193317115
+ ],
+ "max": [
+ 0.5107022523880005,
+ 0.5516204237937927,
+ 0.5620884299278259,
+ -1.3330878019332886,
+ 0.32758936285972595,
+ 3.119610548019409,
+ 1.8364211320877075,
+ 0.25358933210372925,
+ 0.36316126585006714,
+ 0.14765967428684235,
+ 0.49947625398635864,
+ 0.144814133644104,
+ 0.2820609211921692,
+ 0.7382049560546875,
+ 255.0,
+ 0.6012658476829529,
+ 0.3005995750427246,
+ 0.5004003643989563
+ ]
+ }
+ },
+ "storage_device": "cpu",
+ "vision_encoder_name": "helper2424/resnet10",
+ "freeze_vision_encoder": true,
+ "image_encoder_hidden_dim": 32,
+ "shared_encoder": true,
+ "num_discrete_actions": 3,
+ "image_embedding_pooling_dim": 8,
+ "online_steps": 1000000,
+ "online_env_seed": 10000,
+ "online_buffer_capacity": 100000,
+ "offline_buffer_capacity": 100000,
+ "async_prefetch": false,
+ "online_step_before_learning": 100,
+ "policy_update_freq": 1,
+ "discount": 0.97,
+ "temperature_init": 0.01,
+ "num_critics": 2,
+ "num_subsample_critics": null,
+ "critic_lr": 0.0003,
+ "actor_lr": 0.0003,
+ "temperature_lr": 0.0003,
+ "critic_target_update_weight": 0.005,
+ "utd_ratio": 2,
+ "state_encoder_hidden_dim": 256,
+ "latent_dim": 64,
+ "target_entropy": null,
+ "use_backup_entropy": true,
+ "grad_clip_norm": 10.0,
+ "critic_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true,
+ "final_activation": null
+ },
+ "actor_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true
+ },
+ "policy_kwargs": {
+ "use_tanh_squash": true,
+ "std_min": 1e-05,
+ "std_max": 5.0,
+ "init_final": 0.05
+ },
+ "discrete_critic_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true,
+ "final_activation": null
+ },
+ "actor_learner_config": {
+ "learner_host": "127.0.0.1",
+ "learner_port": 50051,
+ "policy_parameters_push_frequency": 1,
+ "queue_get_timeout": 2.0
+ },
+ "concurrency": {
+ "actor": "threads",
+ "learner": "threads"
+ },
+ "use_torch_compile": true
+}
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/model.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/model.safetensors
new file mode 100644
index 0000000000..93e1dd0c7f
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/model.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5a122fcb6fd8ec8d483352e47d007f445505dfebe360724c7835d23700970841
+size 25603220
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/train_config.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/train_config.json
new file mode 100644
index 0000000000..8463c4e8c5
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/pretrained_model/train_config.json
@@ -0,0 +1,402 @@
+{
+ "dataset": {
+ "repo_id": "spirosperos/panda-pick-gamepad",
+ "root": null,
+ "episodes": null,
+ "image_transforms": {
+ "enable": false,
+ "max_num_transforms": 3,
+ "random_order": false,
+ "tfs": {
+ "brightness": {
+ "weight": 1.0,
+ "type": "ColorJitter",
+ "kwargs": {
+ "brightness": [
+ 0.8,
+ 1.2
+ ]
+ }
+ },
+ "contrast": {
+ "weight": 1.0,
+ "type": "ColorJitter",
+ "kwargs": {
+ "contrast": [
+ 0.8,
+ 1.2
+ ]
+ }
+ },
+ "saturation": {
+ "weight": 1.0,
+ "type": "ColorJitter",
+ "kwargs": {
+ "saturation": [
+ 0.5,
+ 1.5
+ ]
+ }
+ },
+ "hue": {
+ "weight": 1.0,
+ "type": "ColorJitter",
+ "kwargs": {
+ "hue": [
+ -0.05,
+ 0.05
+ ]
+ }
+ },
+ "sharpness": {
+ "weight": 1.0,
+ "type": "SharpnessJitter",
+ "kwargs": {
+ "sharpness": [
+ 0.5,
+ 1.5
+ ]
+ }
+ }
+ }
+ },
+ "revision": null,
+ "use_imagenet_stats": false,
+ "video_backend": "pyav"
+ },
+ "env": {
+ "type": "hil",
+ "task": "PandaPickCubeGamepad-v0",
+ "fps": 10,
+ "features": {
+ "observation.images.front": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.images.wrist": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.state": {
+ "type": "STATE",
+ "shape": [
+ 18
+ ]
+ },
+ "action": {
+ "type": "ACTION",
+ "shape": [
+ 3
+ ]
+ }
+ },
+ "features_map": {
+ "observation.images.front": "observation.images.front",
+ "observation.images.wrist": "observation.images.wrist",
+ "observation.state": "observation.state",
+ "action": "action"
+ },
+ "name": "franka_sim",
+ "use_viewer": true,
+ "gripper_penalty": 0.0,
+ "use_gamepad": true,
+ "state_dim": 18,
+ "action_dim": 4,
+ "episode_length": 100,
+ "random_block_position": true,
+ "video_record": {
+ "enabled": false,
+ "record_dir": "videos",
+ "trajectory_name": "trajectory"
+ },
+ "reward_classifier_pretrained_path": null,
+ "robot_config": null,
+ "teleop_config": null,
+ "wrapper": {
+ "control_mode": "gamepad",
+ "display_cameras": false,
+ "add_joint_velocity_to_observation": true,
+ "add_current_to_observation": false,
+ "add_ee_pose_to_observation": true,
+ "crop_params_dict": {
+ "observation.images.front": [
+ 0,
+ 0,
+ 128,
+ 128
+ ],
+ "observation.images.wrist": [
+ 0,
+ 0,
+ 128,
+ 128
+ ]
+ },
+ "resize_size": [
+ 128,
+ 128
+ ],
+ "control_time_s": 30.0,
+ "fixed_reset_joint_positions": [
+ 0.0,
+ 0.195,
+ 0.0,
+ -2.43,
+ 0.0,
+ 2.62,
+ 0.785
+ ],
+ "reset_time_s": 2.0,
+ "use_gripper": true,
+ "gripper_quantization_threshold": 0.8,
+ "gripper_penalty": -0.02,
+ "gripper_penalty_in_reward": false
+ },
+ "mode": null,
+ "repo_id": "spirosperos/panda-pick-gamepad",
+ "dataset_root": null,
+ "num_episodes": 30,
+ "episode": 0,
+ "device": "cuda",
+ "push_to_hub": true,
+ "pretrained_policy_name_or_path": null,
+ "number_of_steps_after_success": 0
+ },
+ "policy": {
+ "type": "sac",
+ "n_obs_steps": 1,
+ "normalization_mapping": {
+ "VISUAL": "MEAN_STD",
+ "STATE": "MIN_MAX",
+ "ENV": "MIN_MAX",
+ "ACTION": "MIN_MAX"
+ },
+ "input_features": {
+ "observation.images.front": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.images.wrist": {
+ "type": "VISUAL",
+ "shape": [
+ 3,
+ 128,
+ 128
+ ]
+ },
+ "observation.state": {
+ "type": "STATE",
+ "shape": [
+ 18
+ ]
+ }
+ },
+ "output_features": {
+ "action": {
+ "type": "ACTION",
+ "shape": [
+ 3
+ ]
+ }
+ },
+ "device": "cuda",
+ "use_amp": false,
+ "push_to_hub": true,
+ "repo_id": "spirosperos/panda-pick-gamepad-policy",
+ "private": null,
+ "tags": null,
+ "license": null,
+ "dataset_stats": {
+ "observation.images.front": {
+ "mean": [
+ 0.485,
+ 0.456,
+ 0.406
+ ],
+ "std": [
+ 0.229,
+ 0.224,
+ 0.225
+ ]
+ },
+ "observation.images.wrist": {
+ "mean": [
+ 0.485,
+ 0.456,
+ 0.406
+ ],
+ "std": [
+ 0.229,
+ 0.224,
+ 0.225
+ ]
+ },
+ "observation.state": {
+ "min": [
+ -0.6897139549255371,
+ -1.1421763896942139,
+ -0.5745007991790771,
+ -2.97829008102417,
+ -0.2710767090320587,
+ 1.3246592283248901,
+ -0.04057434946298599,
+ -0.21261805295944214,
+ -0.4548068344593048,
+ -0.6540042757987976,
+ -0.3644964098930359,
+ -1.1057522296905518,
+ -0.40768879652023315,
+ -0.2220114767551422,
+ 0.0,
+ 0.19176171720027924,
+ -0.3013063669204712,
+ 0.00362197193317115
+ ],
+ "max": [
+ 0.5107022523880005,
+ 0.5516204237937927,
+ 0.5620884299278259,
+ -1.3330878019332886,
+ 0.32758936285972595,
+ 3.119610548019409,
+ 1.8364211320877075,
+ 0.25358933210372925,
+ 0.36316126585006714,
+ 0.14765967428684235,
+ 0.49947625398635864,
+ 0.144814133644104,
+ 0.2820609211921692,
+ 0.7382049560546875,
+ 255.0,
+ 0.6012658476829529,
+ 0.3005995750427246,
+ 0.5004003643989563
+ ]
+ }
+ },
+ "storage_device": "cpu",
+ "vision_encoder_name": "helper2424/resnet10",
+ "freeze_vision_encoder": true,
+ "image_encoder_hidden_dim": 32,
+ "shared_encoder": true,
+ "num_discrete_actions": 3,
+ "image_embedding_pooling_dim": 8,
+ "online_steps": 1000000,
+ "online_env_seed": 10000,
+ "online_buffer_capacity": 100000,
+ "offline_buffer_capacity": 100000,
+ "async_prefetch": false,
+ "online_step_before_learning": 100,
+ "policy_update_freq": 1,
+ "discount": 0.97,
+ "temperature_init": 0.01,
+ "num_critics": 2,
+ "num_subsample_critics": null,
+ "critic_lr": 0.0003,
+ "actor_lr": 0.0003,
+ "temperature_lr": 0.0003,
+ "critic_target_update_weight": 0.005,
+ "utd_ratio": 2,
+ "state_encoder_hidden_dim": 256,
+ "latent_dim": 64,
+ "target_entropy": null,
+ "use_backup_entropy": true,
+ "grad_clip_norm": 10.0,
+ "critic_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true,
+ "final_activation": null
+ },
+ "actor_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true
+ },
+ "policy_kwargs": {
+ "use_tanh_squash": true,
+ "std_min": 1e-05,
+ "std_max": 5.0,
+ "init_final": 0.05
+ },
+ "discrete_critic_network_kwargs": {
+ "hidden_dims": [
+ 256,
+ 256
+ ],
+ "activate_final": true,
+ "final_activation": null
+ },
+ "actor_learner_config": {
+ "learner_host": "127.0.0.1",
+ "learner_port": 50051,
+ "policy_parameters_push_frequency": 1,
+ "queue_get_timeout": 2.0
+ },
+ "concurrency": {
+ "actor": "threads",
+ "learner": "threads"
+ },
+ "use_torch_compile": true
+ },
+ "output_dir": "outputs/train/2025-08-05/13-45-02_default",
+ "job_name": "default",
+ "resume": false,
+ "seed": 1000,
+ "num_workers": 4,
+ "batch_size": 256,
+ "steps": 100000,
+ "eval_freq": 20000,
+ "log_freq": 1,
+ "save_checkpoint": true,
+ "save_freq": 2000,
+ "use_policy_training_preset": true,
+ "optimizer": {
+ "type": "multi_adam",
+ "lr": 0.001,
+ "weight_decay": 0.0,
+ "grad_clip_norm": 10.0,
+ "optimizer_groups": {
+ "actor": {
+ "lr": 0.0003
+ },
+ "critic": {
+ "lr": 0.0003
+ },
+ "temperature": {
+ "lr": 0.0003
+ }
+ }
+ },
+ "scheduler": null,
+ "eval": {
+ "n_episodes": 50,
+ "batch_size": 50,
+ "use_async_envs": false
+ },
+ "wandb": {
+ "enable": true,
+ "disable_artifact": true,
+ "project": "franka_sim",
+ "entity": null,
+ "notes": null,
+ "run_id": "vcej2ove",
+ "mode": null
+ }
+}
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_param_groups.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_param_groups.json
new file mode 100644
index 0000000000..1862ca0432
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_param_groups.json
@@ -0,0 +1,32 @@
+[
+ {
+ "lr": 0.0003,
+ "betas": [
+ 0.9,
+ 0.999
+ ],
+ "eps": 1e-08,
+ "weight_decay": 0,
+ "amsgrad": false,
+ "maximize": false,
+ "foreach": null,
+ "capturable": false,
+ "differentiable": false,
+ "fused": null,
+ "decoupled_weight_decay": false,
+ "params": [
+ 0,
+ 1,
+ 2,
+ 3,
+ 4,
+ 5,
+ 6,
+ 7,
+ 8,
+ 9,
+ 10,
+ 11
+ ]
+ }
+]
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_state.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_state.safetensors
new file mode 100644
index 0000000000..6da5c8f157
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/actor/optimizer_state.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e2a6161778634fb671d504d2a1ddaab6debe545620c3773c48ddd06400f29e35
+size 945016
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_param_groups.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_param_groups.json
new file mode 100644
index 0000000000..fa6e015086
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_param_groups.json
@@ -0,0 +1,90 @@
+[
+ {
+ "lr": 0.0003,
+ "betas": [
+ 0.9,
+ 0.999
+ ],
+ "eps": 1e-08,
+ "weight_decay": 0,
+ "amsgrad": false,
+ "maximize": false,
+ "foreach": null,
+ "capturable": false,
+ "differentiable": false,
+ "fused": null,
+ "decoupled_weight_decay": false,
+ "params": [
+ 0,
+ 1,
+ 2,
+ 3,
+ 4,
+ 5,
+ 6,
+ 7,
+ 8,
+ 9,
+ 10,
+ 11,
+ 12,
+ 13,
+ 14,
+ 15,
+ 16,
+ 17,
+ 18,
+ 19,
+ 20,
+ 21,
+ 22,
+ 23,
+ 24,
+ 25,
+ 26,
+ 27,
+ 28,
+ 29,
+ 30,
+ 31,
+ 32,
+ 33,
+ 34,
+ 35,
+ 36,
+ 37,
+ 38,
+ 39,
+ 40,
+ 41,
+ 42,
+ 43,
+ 44,
+ 45,
+ 46,
+ 47,
+ 48,
+ 49,
+ 50,
+ 51,
+ 52,
+ 53,
+ 54,
+ 55,
+ 56,
+ 57,
+ 58,
+ 59,
+ 60,
+ 61,
+ 62,
+ 63,
+ 64,
+ 65,
+ 66,
+ 67,
+ 68,
+ 69
+ ]
+ }
+]
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_state.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_state.safetensors
new file mode 100644
index 0000000000..39cadf5ca6
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/critic/optimizer_state.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fdefe9b85637cd0c1d897fea73bf42e8f5d186cd52e22ab1bd48fa53f4657494
+size 7141144
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_param_groups.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_param_groups.json
new file mode 100644
index 0000000000..8403db78c1
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_param_groups.json
@@ -0,0 +1,80 @@
+[
+ {
+ "lr": 0.0003,
+ "betas": [
+ 0.9,
+ 0.999
+ ],
+ "eps": 1e-08,
+ "weight_decay": 0,
+ "amsgrad": false,
+ "maximize": false,
+ "foreach": null,
+ "capturable": false,
+ "differentiable": false,
+ "fused": null,
+ "decoupled_weight_decay": false,
+ "params": [
+ 0,
+ 1,
+ 2,
+ 3,
+ 4,
+ 5,
+ 6,
+ 7,
+ 8,
+ 9,
+ 10,
+ 11,
+ 12,
+ 13,
+ 14,
+ 15,
+ 16,
+ 17,
+ 18,
+ 19,
+ 20,
+ 21,
+ 22,
+ 23,
+ 24,
+ 25,
+ 26,
+ 27,
+ 28,
+ 29,
+ 30,
+ 31,
+ 32,
+ 33,
+ 34,
+ 35,
+ 36,
+ 37,
+ 38,
+ 39,
+ 40,
+ 41,
+ 42,
+ 43,
+ 44,
+ 45,
+ 46,
+ 47,
+ 48,
+ 49,
+ 50,
+ 51,
+ 52,
+ 53,
+ 54,
+ 55,
+ 56,
+ 57,
+ 58,
+ 59
+ ]
+ }
+]
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_state.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_state.safetensors
new file mode 100644
index 0000000000..4df296bd39
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/discrete_critic/optimizer_state.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1cf9c8277e7f2656cd7be71ea3f13d12a8c7373fe68dce54e6bb1e61d3ae4043
+size 6198632
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/rng_state.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/rng_state.safetensors
new file mode 100644
index 0000000000..7f769dc138
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/rng_state.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed8d082a4c8ba4930ef223fc726e932ae8e7835a56bc95b97b787fde40b5a0ea
+size 15708
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_param_groups.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_param_groups.json
new file mode 100644
index 0000000000..b93fdca550
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_param_groups.json
@@ -0,0 +1,21 @@
+[
+ {
+ "lr": 0.0003,
+ "betas": [
+ 0.9,
+ 0.999
+ ],
+ "eps": 1e-08,
+ "weight_decay": 0,
+ "amsgrad": false,
+ "maximize": false,
+ "foreach": null,
+ "capturable": false,
+ "differentiable": false,
+ "fused": null,
+ "decoupled_weight_decay": false,
+ "params": [
+ 0
+ ]
+ }
+]
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_state.safetensors b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_state.safetensors
new file mode 100644
index 0000000000..b46bc7a046
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/temperature/optimizer_state.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d007eeb289842c38b424534d18ab905a11ec701421192cced69284545f4d94fe
+size 228
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_state.pt b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_state.pt
new file mode 100644
index 0000000000..37d5b0e963
Binary files /dev/null and b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_state.pt differ
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_step.json b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_step.json
new file mode 100644
index 0000000000..39090bbb98
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/0002000/training_state/training_step.json
@@ -0,0 +1,3 @@
+{
+ "step": 2000
+}
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/last b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/last
new file mode 120000
index 0000000000..ec0e1b9d54
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/checkpoints/last
@@ -0,0 +1 @@
+0002000
\ No newline at end of file
diff --git a/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/logs/learner_default.log b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/logs/learner_default.log
new file mode 100644
index 0000000000..2ecb985a98
--- /dev/null
+++ b/examples/hil_serl_simulation_training/outputs/train/2025-08-05/13-45-02_default/logs/learner_default.log
@@ -0,0 +1,362385 @@
+INFO 2025-08-05 13:45:02 /learner.py:154 Learner logging initialized, writing to outputs/train/2025-08-05/13-45-02_default/logs/learner_default.log
+INFO 2025-08-05 13:45:02 /learner.py:155 {'batch_size': 256,
+ 'dataset': {'episodes': None,
+ 'image_transforms': {'enable': False,
+ 'max_num_transforms': 3,
+ 'random_order': False,
+ 'tfs': {'brightness': {'kwargs': {'brightness': [0.8,
+ 1.2]},
+ 'type': 'ColorJitter',
+ 'weight': 1.0},
+ 'contrast': {'kwargs': {'contrast': [0.8,
+ 1.2]},
+ 'type': 'ColorJitter',
+ 'weight': 1.0},
+ 'hue': {'kwargs': {'hue': [-0.05,
+ 0.05]},
+ 'type': 'ColorJitter',
+ 'weight': 1.0},
+ 'saturation': {'kwargs': {'saturation': [0.5,
+ 1.5]},
+ 'type': 'ColorJitter',
+ 'weight': 1.0},
+ 'sharpness': {'kwargs': {'sharpness': [0.5,
+ 1.5]},
+ 'type': 'SharpnessJitter',
+ 'weight': 1.0}}},
+ 'repo_id': 'spirosperos/panda-pick-gamepad',
+ 'revision': None,
+ 'root': None,
+ 'use_imagenet_stats': False,
+ 'video_backend': 'pyav'},
+ 'env': {'action_dim': 4,
+ 'dataset_root': None,
+ 'device': 'cuda',
+ 'episode': 0,
+ 'episode_length': 100,
+ 'features': {'action': {'shape': [3],
+ 'type':
},
+ 'observation.images.front': {'shape': [3, 128, 128],
+ 'type': },
+ 'observation.images.wrist': {'shape': [3, 128, 128],
+ 'type': },
+ 'observation.state': {'shape': [18],
+ 'type': }},
+ 'features_map': {'action': 'action',
+ 'observation.images.front': 'observation.images.front',
+ 'observation.images.wrist': 'observation.images.wrist',
+ 'observation.state': 'observation.state'},
+ 'fps': 10,
+ 'gripper_penalty': 0.0,
+ 'mode': None,
+ 'name': 'franka_sim',
+ 'num_episodes': 30,
+ 'number_of_steps_after_success': 0,
+ 'pretrained_policy_name_or_path': None,
+ 'push_to_hub': True,
+ 'random_block_position': True,
+ 'repo_id': 'spirosperos/panda-pick-gamepad',
+ 'reward_classifier_pretrained_path': None,
+ 'robot_config': None,
+ 'state_dim': 18,
+ 'task': 'PandaPickCubeGamepad-v0',
+ 'teleop_config': None,
+ 'type': 'hil',
+ 'use_gamepad': True,
+ 'use_viewer': True,
+ 'video_record': {'enabled': False,
+ 'record_dir': 'videos',
+ 'trajectory_name': 'trajectory'},
+ 'wrapper': {'add_current_to_observation': False,
+ 'add_ee_pose_to_observation': True,
+ 'add_joint_velocity_to_observation': True,
+ 'control_mode': 'gamepad',
+ 'control_time_s': 30.0,
+ 'crop_params_dict': {'observation.images.front': [0,
+ 0,
+ 128,
+ 128],
+ 'observation.images.wrist': [0,
+ 0,
+ 128,
+ 128]},
+ 'display_cameras': False,
+ 'fixed_reset_joint_positions': [0.0,
+ 0.195,
+ 0.0,
+ -2.43,
+ 0.0,
+ 2.62,
+ 0.785],
+ 'gripper_penalty': -0.02,
+ 'gripper_penalty_in_reward': False,
+ 'gripper_quantization_threshold': 0.8,
+ 'reset_time_s': 2.0,
+ 'resize_size': [128, 128],
+ 'use_gripper': True}},
+ 'eval': {'batch_size': 50, 'n_episodes': 50, 'use_async_envs': False},
+ 'eval_freq': 20000,
+ 'job_name': 'default',
+ 'log_freq': 1,
+ 'num_workers': 4,
+ 'optimizer': {'grad_clip_norm': 10.0,
+ 'lr': 0.001,
+ 'optimizer_groups': {'actor': {'lr': 0.0003},
+ 'critic': {'lr': 0.0003},
+ 'temperature': {'lr': 0.0003}},
+ 'type': 'multi_adam',
+ 'weight_decay': 0.0},
+ 'output_dir': 'outputs/train/2025-08-05/13-45-02_default',
+ 'policy': {'actor_learner_config': {'learner_host': '127.0.0.1',
+ 'learner_port': 50051,
+ 'policy_parameters_push_frequency': 1,
+ 'queue_get_timeout': 2.0},
+ 'actor_lr': 0.0003,
+ 'actor_network_kwargs': {'activate_final': True,
+ 'hidden_dims': [256, 256]},
+ 'async_prefetch': False,
+ 'concurrency': {'actor': 'threads', 'learner': 'threads'},
+ 'critic_lr': 0.0003,
+ 'critic_network_kwargs': {'activate_final': True,
+ 'final_activation': None,
+ 'hidden_dims': [256, 256]},
+ 'critic_target_update_weight': 0.005,
+ 'dataset_stats': {'observation.images.front': {'mean': [0.485,
+ 0.456,
+ 0.406],
+ 'std': [0.229,
+ 0.224,
+ 0.225]},
+ 'observation.images.wrist': {'mean': [0.485,
+ 0.456,
+ 0.406],
+ 'std': [0.229,
+ 0.224,
+ 0.225]},
+ 'observation.state': {'max': [0.5107022523880005,
+ 0.5516204237937927,
+ 0.5620884299278259,
+ -1.3330878019332886,
+ 0.32758936285972595,
+ 3.119610548019409,
+ 1.8364211320877075,
+ 0.25358933210372925,
+ 0.36316126585006714,
+ 0.14765967428684235,
+ 0.49947625398635864,
+ 0.144814133644104,
+ 0.2820609211921692,
+ 0.7382049560546875,
+ 255.0,
+ 0.6012658476829529,
+ 0.3005995750427246,
+ 0.5004003643989563],
+ 'min': [-0.6897139549255371,
+ -1.1421763896942139,
+ -0.5745007991790771,
+ -2.97829008102417,
+ -0.2710767090320587,
+ 1.3246592283248901,
+ -0.04057434946298599,
+ -0.21261805295944214,
+ -0.4548068344593048,
+ -0.6540042757987976,
+ -0.3644964098930359,
+ -1.1057522296905518,
+ -0.40768879652023315,
+ -0.2220114767551422,
+ 0.0,
+ 0.19176171720027924,
+ -0.3013063669204712,
+ 0.00362197193317115]}},
+ 'device': 'cuda',
+ 'discount': 0.97,
+ 'discrete_critic_network_kwargs': {'activate_final': True,
+ 'final_activation': None,
+ 'hidden_dims': [256, 256]},
+ 'freeze_vision_encoder': True,
+ 'grad_clip_norm': 10.0,
+ 'image_embedding_pooling_dim': 8,
+ 'image_encoder_hidden_dim': 32,
+ 'input_features': {'observation.images.front': {'shape': [3,
+ 128,
+ 128],
+ 'type': },
+ 'observation.images.wrist': {'shape': [3,
+ 128,
+ 128],
+ 'type': },
+ 'observation.state': {'shape': [18],
+ 'type': }},
+ 'latent_dim': 64,
+ 'license': None,
+ 'n_obs_steps': 1,
+ 'normalization_mapping': {'ACTION': ,
+ 'ENV': ,
+ 'STATE': ,
+ 'VISUAL': },
+ 'num_critics': 2,
+ 'num_discrete_actions': 3,
+ 'num_subsample_critics': None,
+ 'offline_buffer_capacity': 100000,
+ 'online_buffer_capacity': 100000,
+ 'online_env_seed': 10000,
+ 'online_step_before_learning': 100,
+ 'online_steps': 1000000,
+ 'output_features': {'action': {'shape': [3],
+ 'type': }},
+ 'policy_kwargs': {'init_final': 0.05,
+ 'std_max': 5.0,
+ 'std_min': 1e-05,
+ 'use_tanh_squash': True},
+ 'policy_update_freq': 1,
+ 'private': None,
+ 'push_to_hub': True,
+ 'repo_id': 'spirosperos/panda-pick-gamepad-policy',
+ 'shared_encoder': True,
+ 'state_encoder_hidden_dim': 256,
+ 'storage_device': 'cpu',
+ 'tags': None,
+ 'target_entropy': None,
+ 'temperature_init': 0.01,
+ 'temperature_lr': 0.0003,
+ 'type': 'sac',
+ 'use_amp': False,
+ 'use_backup_entropy': True,
+ 'use_torch_compile': True,
+ 'utd_ratio': 2,
+ 'vision_encoder_name': 'helper2424/resnet10'},
+ 'resume': False,
+ 'save_checkpoint': True,
+ 'save_freq': 2000,
+ 'scheduler': None,
+ 'seed': 1000,
+ 'steps': 100000,
+ 'use_policy_training_preset': True,
+ 'wandb': {'disable_artifact': True,
+ 'enable': True,
+ 'entity': None,
+ 'mode': None,
+ 'notes': None,
+ 'project': 'franka_sim',
+ 'run_id': None}}
+DEBUG 2025-08-05 13:45:02 git/cmd.py:1270 Popen(['git', 'version'], cwd=/home/nikola/lerobot, stdin=None, shell=False, universal_newlines=False)
+DEBUG 2025-08-05 13:45:02 git/cmd.py:1270 Popen(['git', 'version'], cwd=/home/nikola/lerobot, stdin=None, shell=False, universal_newlines=False)
+DEBUG 2025-08-05 13:45:02 git/util.py:494 sys.platform='linux', git_executable='git'
+DEBUG 2025-08-05 13:45:02 git/cmd.py:1270 Popen(['git', 'rev-parse', '--show-toplevel'], cwd=/home/nikola/lerobot, stdin=None, shell=False, universal_newlines=False)
+DEBUG 2025-08-05 13:45:02 git/util.py:494 sys.platform='linux', git_executable='git'
+DEBUG 2025-08-05 13:45:02 git/cmd.py:1270 Popen(['git', 'cat-file', '--batch-check'], cwd=/home/nikola/lerobot, stdin=, shell=False, universal_newlines=False)
+INFO 2025-08-05 13:45:03 db_utils.py:103 Track this run --> [1m[33mhttps://wandb.ai/spes-robotics/franka_sim/runs/vcej2ove[0m
+INFO 2025-08-05 13:45:03 /learner.py:313 Initializing policy
+WARNING 2025-08-05 13:45:03 /factory.py:153 You are instantiating a policy from scratch and its features are parsed from an environment rather than a dataset. Normalization modules inside the policy will have infinite values by default without stats from a dataset.
+INFO 2025-08-05 13:45:03 /learner.py:692 [LEARNER] gRPC server started
+DEBUG 2025-08-05 13:45:03 ionpool.py:1049 Starting new HTTPS connection (1): huggingface.co:443
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /helper2424/resnet10/resolve/main/config.json HTTP/1.1" 307 0
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /api/resolve-cache/models/helper2424/resnet10/e16ff8c2c9fe2130c0e3eabfd142f131e59be97f/config.json HTTP/1.1" 200 0
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /helper2424/resnet10/resolve/main/configuration_resnet.py HTTP/1.1" 307 0
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /api/resolve-cache/models/helper2424/resnet10/e16ff8c2c9fe2130c0e3eabfd142f131e59be97f/configuration_resnet.py HTTP/1.1" 200 0
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /helper2424/resnet10/resolve/main/modeling_resnet.py HTTP/1.1" 307 0
+DEBUG 2025-08-05 13:45:04 tionpool.py:544 https://huggingface.co:443 "HEAD /api/resolve-cache/models/helper2424/resnet10/e16ff8c2c9fe2130c0e3eabfd142f131e59be97f/modeling_resnet.py HTTP/1.1" 200 0
+INFO 2025-08-05 13:45:05 /learner.py:323 ================================================================================
+INFO 2025-08-05 13:45:05 /learner.py:324 POLICY CONFIGURATION DEBUG INFO:
+INFO 2025-08-05 13:45:05 /learner.py:325 ================================================================================
+INFO 2025-08-05 13:45:05 /learner.py:326 Policy type: SACPolicy
+INFO 2025-08-05 13:45:05 /learner.py:327 Input features: {'observation.images.front': PolicyFeature(type=, shape=(3, 128, 128)), 'observation.images.wrist': PolicyFeature(type=, shape=(3, 128, 128)), 'observation.state': PolicyFeature(type=, shape=(18,))}
+INFO 2025-08-05 13:45:05 /learner.py:328 Output features: {'action': PolicyFeature(type=, shape=(3,))}
+INFO 2025-08-05 13:45:05 /learner.py:329 Action space shape: (3,)
+INFO 2025-08-05 13:45:05 /learner.py:330 num_discrete_actions: 3
+INFO 2025-08-05 13:45:05 /learner.py:331 Action normalization: NormalizationMode.MIN_MAX
+INFO 2025-08-05 13:45:05 /learner.py:335 Environment use_gripper: True
+INFO 2025-08-05 13:45:05 /learner.py:336 Environment random_block_position: True
+INFO 2025-08-05 13:45:05 /learner.py:337 ================================================================================
+DEBUG 2025-08-05 13:45:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:45:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:45:05 /learner.py:953 [1m[33mOutput dir:[0m outputs/train/2025-08-05/13-45-02_default
+INFO 2025-08-05 13:45:05 /learner.py:954 cfg.env.task='PandaPickCubeGamepad-v0'
+INFO 2025-08-05 13:45:05 /learner.py:955 cfg.policy.online_steps=1000000
+INFO 2025-08-05 13:45:05 /learner.py:956 num_learnable_params=1477841 (1M)
+INFO 2025-08-05 13:45:05 /learner.py:957 num_total_params=6383633 (6M)
+INFO 2025-08-05 13:45:05 learner.py:1020 make_dataset offline buffer
+DEBUG 2025-08-05 13:45:05 ionpool.py:1049 Starting new HTTPS connection (1): s3.amazonaws.com:443
+DEBUG 2025-08-05 13:45:06 tionpool.py:544 https://s3.amazonaws.com:443 "HEAD /datasets.huggingface.co/datasets/datasets/parquet/parquet.py HTTP/1.1" 404 0
+DEBUG 2025-08-05 13:45:06 ock/_api.py:331 Attempting to acquire lock 133628112567136 on /home/nikola/.cache/huggingface/datasets/_home_nikola_.cache_huggingface_datasets_parquet_default-e897e272ce81b44d_0.0.0_9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d.lock
+DEBUG 2025-08-05 13:45:06 ock/_api.py:334 Lock 133628112567136 acquired on /home/nikola/.cache/huggingface/datasets/_home_nikola_.cache_huggingface_datasets_parquet_default-e897e272ce81b44d_0.0.0_9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d.lock
+DEBUG 2025-08-05 13:45:06 ns/local.py:357 open file: /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d/dataset_info.json
+DEBUG 2025-08-05 13:45:06 ock/_api.py:364 Attempting to release lock 133628112567136 on /home/nikola/.cache/huggingface/datasets/_home_nikola_.cache_huggingface_datasets_parquet_default-e897e272ce81b44d_0.0.0_9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d.lock
+DEBUG 2025-08-05 13:45:06 ock/_api.py:367 Lock 133628112567136 released on /home/nikola/.cache/huggingface/datasets/_home_nikola_.cache_huggingface_datasets_parquet_default-e897e272ce81b44d_0.0.0_9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d.lock
+DEBUG 2025-08-05 13:45:06 ock/_api.py:331 Attempting to acquire lock 133628111066832 on /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d_builder.lock
+DEBUG 2025-08-05 13:45:06 ock/_api.py:334 Lock 133628111066832 acquired on /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d_builder.lock
+DEBUG 2025-08-05 13:45:06 ns/local.py:357 open file: /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d/dataset_info.json
+DEBUG 2025-08-05 13:45:06 ock/_api.py:364 Attempting to release lock 133628111066832 on /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d_builder.lock
+DEBUG 2025-08-05 13:45:06 ock/_api.py:367 Lock 133628111066832 released on /home/nikola/.cache/huggingface/datasets/parquet/default-e897e272ce81b44d/0.0.0/9c460aabd2aa27d1496e5e38d2060760561f0ac2cd6a110134eefa5b3f153b8d_builder.lock
+INFO 2025-08-05 13:45:06 learner.py:1030 Convert to a offline replay buffer
+INFO 2025-08-05 13:45:25 /learner.py:364 Starting learner thread
+INFO 2025-08-05 13:45:30 r_service.py:90 [LEARNER] Received request to receive transitions from the Actor
+INFO 2025-08-05 13:45:30 ort/utils.py:74 [LEARNER] transitions Starting receiver
+INFO 2025-08-05 13:45:30 _service.py:104 [LEARNER] Received request to receive interactions from the Actor
+INFO 2025-08-05 13:45:30 ort/utils.py:74 [LEARNER] interactions Starting receiver
+INFO 2025-08-05 13:45:30 r_service.py:55 [LEARNER] Received request to stream parameters from the Actor
+INFO 2025-08-05 13:45:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:45:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:45:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:45:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:45:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:45:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:45:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:46:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:04 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 13:46:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 88
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 89
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 90
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 91
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 92
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 93
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 94
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 95
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 96
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 97
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 98
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 99
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 100
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 101
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 102
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 103
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 104
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 105
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 106
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:90 [LEARNER] transitions Received data at step 107
+DEBUG 2025-08-05 13:46:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:05 ort/utils.py:93 [LEARNER] transitions Received data at step end size 227489495
+DEBUG 2025-08-05 13:46:05 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:46:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.10954037145128707
+INFO 2025-08-05 13:46:15 /learner.py:612 [LEARNER] Number of optimization step: 1
+DEBUG 2025-08-05 13:46:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 2.7938744301626253
+INFO 2025-08-05 13:46:15 /learner.py:612 [LEARNER] Number of optimization step: 2
+INFO 2025-08-05 13:46:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 3.3092121711798748
+INFO 2025-08-05 13:46:15 /learner.py:612 [LEARNER] Number of optimization step: 3
+INFO 2025-08-05 13:46:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6986240397646767
+INFO 2025-08-05 13:46:17 /learner.py:612 [LEARNER] Number of optimization step: 4
+DEBUG 2025-08-05 13:46:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.2472753869406434
+INFO 2025-08-05 13:46:18 /learner.py:612 [LEARNER] Number of optimization step: 5
+INFO 2025-08-05 13:46:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.2632764663295064
+INFO 2025-08-05 13:46:19 /learner.py:612 [LEARNER] Number of optimization step: 6
+DEBUG 2025-08-05 13:46:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.547119922063455
+INFO 2025-08-05 13:46:19 /learner.py:612 [LEARNER] Number of optimization step: 7
+INFO 2025-08-05 13:46:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.4677356006270392
+INFO 2025-08-05 13:46:20 /learner.py:612 [LEARNER] Number of optimization step: 8
+DEBUG 2025-08-05 13:46:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.4891071201620334
+INFO 2025-08-05 13:46:21 /learner.py:612 [LEARNER] Number of optimization step: 9
+INFO 2025-08-05 13:46:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.4232105608653682
+INFO 2025-08-05 13:46:21 /learner.py:612 [LEARNER] Number of optimization step: 10
+DEBUG 2025-08-05 13:46:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.6610381302331785
+INFO 2025-08-05 13:46:22 /learner.py:612 [LEARNER] Number of optimization step: 11
+INFO 2025-08-05 13:46:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5648770266229487
+INFO 2025-08-05 13:46:24 /learner.py:612 [LEARNER] Number of optimization step: 12
+DEBUG 2025-08-05 13:46:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0834173464542398
+INFO 2025-08-05 13:46:25 /learner.py:612 [LEARNER] Number of optimization step: 13
+INFO 2025-08-05 13:46:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0668346064622933
+INFO 2025-08-05 13:46:25 /learner.py:612 [LEARNER] Number of optimization step: 14
+DEBUG 2025-08-05 13:46:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0806379876411893
+INFO 2025-08-05 13:46:26 /learner.py:612 [LEARNER] Number of optimization step: 15
+INFO 2025-08-05 13:46:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0435772638120702
+INFO 2025-08-05 13:46:27 /learner.py:612 [LEARNER] Number of optimization step: 16
+DEBUG 2025-08-05 13:46:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0820014584192927
+INFO 2025-08-05 13:46:28 /learner.py:612 [LEARNER] Number of optimization step: 17
+INFO 2025-08-05 13:46:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.991115343580172
+INFO 2025-08-05 13:46:29 /learner.py:612 [LEARNER] Number of optimization step: 18
+DEBUG 2025-08-05 13:46:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0305210131389724
+INFO 2025-08-05 13:46:30 /learner.py:612 [LEARNER] Number of optimization step: 19
+INFO 2025-08-05 13:46:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0300834262108294
+INFO 2025-08-05 13:46:31 /learner.py:612 [LEARNER] Number of optimization step: 20
+DEBUG 2025-08-05 13:46:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0235462001483073
+INFO 2025-08-05 13:46:32 /learner.py:612 [LEARNER] Number of optimization step: 21
+INFO 2025-08-05 13:46:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 2.2197851350216093
+INFO 2025-08-05 13:46:33 /learner.py:612 [LEARNER] Number of optimization step: 22
+DEBUG 2025-08-05 13:46:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.3270812512367531
+INFO 2025-08-05 13:46:33 /learner.py:612 [LEARNER] Number of optimization step: 23
+INFO 2025-08-05 13:46:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8518205677675704
+INFO 2025-08-05 13:46:35 /learner.py:612 [LEARNER] Number of optimization step: 24
+DEBUG 2025-08-05 13:46:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.702082482466432
+INFO 2025-08-05 13:46:35 /learner.py:612 [LEARNER] Number of optimization step: 25
+INFO 2025-08-05 13:46:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8567950621634612
+INFO 2025-08-05 13:46:36 /learner.py:612 [LEARNER] Number of optimization step: 26
+DEBUG 2025-08-05 13:46:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:36 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:46:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+INFO 2025-08-05 13:46:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:46:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:37 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 88
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 89
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 90
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 91
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 92
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 93
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 94
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 95
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 96
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 97
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 98
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 99
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 100
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:90 [LEARNER] transitions Received data at step 101
+DEBUG 2025-08-05 13:46:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 214061603
+DEBUG 2025-08-05 13:46:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:46:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.639092207025795
+INFO 2025-08-05 13:46:38 /learner.py:612 [LEARNER] Number of optimization step: 27
+DEBUG 2025-08-05 13:46:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.9179961024434009
+INFO 2025-08-05 13:46:40 /learner.py:612 [LEARNER] Number of optimization step: 28
+DEBUG 2025-08-05 13:46:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:40 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:46:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:46:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8588813229167065
+INFO 2025-08-05 13:46:41 /learner.py:612 [LEARNER] Number of optimization step: 29
+DEBUG 2025-08-05 13:46:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6157534847106076
+INFO 2025-08-05 13:46:43 /learner.py:612 [LEARNER] Number of optimization step: 30
+DEBUG 2025-08-05 13:46:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.628184634160673
+INFO 2025-08-05 13:46:44 /learner.py:612 [LEARNER] Number of optimization step: 31
+DEBUG 2025-08-05 13:46:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6194508225666142
+INFO 2025-08-05 13:46:46 /learner.py:612 [LEARNER] Number of optimization step: 32
+DEBUG 2025-08-05 13:46:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.123272797394285
+INFO 2025-08-05 13:46:47 /learner.py:612 [LEARNER] Number of optimization step: 33
+INFO 2025-08-05 13:46:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7875321325490723
+INFO 2025-08-05 13:46:48 /learner.py:612 [LEARNER] Number of optimization step: 34
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:46:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:46:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:46:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:46:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 58451341
+DEBUG 2025-08-05 13:46:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:46:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6426202538648118
+INFO 2025-08-05 13:46:50 /learner.py:612 [LEARNER] Number of optimization step: 35
+DEBUG 2025-08-05 13:46:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:46:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.3743682817989622
+INFO 2025-08-05 13:46:51 /learner.py:612 [LEARNER] Number of optimization step: 36
+INFO 2025-08-05 13:46:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5752170721471205
+INFO 2025-08-05 13:46:52 /learner.py:612 [LEARNER] Number of optimization step: 37
+DEBUG 2025-08-05 13:46:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5327849879040073
+INFO 2025-08-05 13:46:54 /learner.py:612 [LEARNER] Number of optimization step: 38
+DEBUG 2025-08-05 13:46:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5712360327120009
+INFO 2025-08-05 13:46:56 /learner.py:612 [LEARNER] Number of optimization step: 39
+DEBUG 2025-08-05 13:46:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:46:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:46:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:46:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5451889777009058
+INFO 2025-08-05 13:46:58 /learner.py:612 [LEARNER] Number of optimization step: 40
+DEBUG 2025-08-05 13:46:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:46:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:46:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:46:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:46:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5600793077914628
+INFO 2025-08-05 13:47:00 /learner.py:612 [LEARNER] Number of optimization step: 41
+DEBUG 2025-08-05 13:47:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5827419728812324
+INFO 2025-08-05 13:47:01 /learner.py:612 [LEARNER] Number of optimization step: 42
+DEBUG 2025-08-05 13:47:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5562859131090757
+INFO 2025-08-05 13:47:03 /learner.py:612 [LEARNER] Number of optimization step: 43
+DEBUG 2025-08-05 13:47:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5788345454404201
+INFO 2025-08-05 13:47:05 /learner.py:612 [LEARNER] Number of optimization step: 44
+DEBUG 2025-08-05 13:47:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7070632244760267
+INFO 2025-08-05 13:47:06 /learner.py:612 [LEARNER] Number of optimization step: 45
+DEBUG 2025-08-05 13:47:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7365426512122248
+INFO 2025-08-05 13:47:08 /learner.py:612 [LEARNER] Number of optimization step: 46
+DEBUG 2025-08-05 13:47:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:08 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:47:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:47:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 104265446
+DEBUG 2025-08-05 13:47:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:47:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7462335190900364
+INFO 2025-08-05 13:47:09 /learner.py:612 [LEARNER] Number of optimization step: 47
+DEBUG 2025-08-05 13:47:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5539476737900145
+INFO 2025-08-05 13:47:12 /learner.py:612 [LEARNER] Number of optimization step: 48
+DEBUG 2025-08-05 13:47:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5487559290780248
+INFO 2025-08-05 13:47:14 /learner.py:612 [LEARNER] Number of optimization step: 49
+DEBUG 2025-08-05 13:47:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5551245435902835
+INFO 2025-08-05 13:47:15 /learner.py:612 [LEARNER] Number of optimization step: 50
+DEBUG 2025-08-05 13:47:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5329388632001246
+INFO 2025-08-05 13:47:17 /learner.py:612 [LEARNER] Number of optimization step: 51
+DEBUG 2025-08-05 13:47:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6595673176526159
+INFO 2025-08-05 13:47:19 /learner.py:612 [LEARNER] Number of optimization step: 52
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:47:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:47:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:47:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:19 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:47:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 52922229
+DEBUG 2025-08-05 13:47:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:47:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6774732559047224
+INFO 2025-08-05 13:47:20 /learner.py:612 [LEARNER] Number of optimization step: 53
+DEBUG 2025-08-05 13:47:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.549878953812944
+INFO 2025-08-05 13:47:22 /learner.py:612 [LEARNER] Number of optimization step: 54
+DEBUG 2025-08-05 13:47:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5405843194650929
+INFO 2025-08-05 13:47:24 /learner.py:612 [LEARNER] Number of optimization step: 55
+DEBUG 2025-08-05 13:47:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5193102165606667
+INFO 2025-08-05 13:47:26 /learner.py:612 [LEARNER] Number of optimization step: 56
+DEBUG 2025-08-05 13:47:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:47:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:47:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:47:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 42653869
+DEBUG 2025-08-05 13:47:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:47:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.601156102141914
+INFO 2025-08-05 13:47:28 /learner.py:612 [LEARNER] Number of optimization step: 57
+DEBUG 2025-08-05 13:47:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6134393739316301
+INFO 2025-08-05 13:47:30 /learner.py:612 [LEARNER] Number of optimization step: 58
+DEBUG 2025-08-05 13:47:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5317481605394997
+INFO 2025-08-05 13:47:32 /learner.py:612 [LEARNER] Number of optimization step: 59
+DEBUG 2025-08-05 13:47:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5247119013522047
+INFO 2025-08-05 13:47:34 /learner.py:612 [LEARNER] Number of optimization step: 60
+DEBUG 2025-08-05 13:47:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5418552167712439
+INFO 2025-08-05 13:47:35 /learner.py:612 [LEARNER] Number of optimization step: 61
+DEBUG 2025-08-05 13:47:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6053101213766856
+INFO 2025-08-05 13:47:37 /learner.py:612 [LEARNER] Number of optimization step: 62
+DEBUG 2025-08-05 13:47:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:47:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:47:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:47:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:47:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 48972845
+DEBUG 2025-08-05 13:47:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:47:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6524546394521344
+INFO 2025-08-05 13:47:39 /learner.py:612 [LEARNER] Number of optimization step: 63
+DEBUG 2025-08-05 13:47:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5585865399000342
+INFO 2025-08-05 13:47:41 /learner.py:612 [LEARNER] Number of optimization step: 64
+DEBUG 2025-08-05 13:47:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5255247565484158
+INFO 2025-08-05 13:47:43 /learner.py:612 [LEARNER] Number of optimization step: 65
+DEBUG 2025-08-05 13:47:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5414349047528391
+INFO 2025-08-05 13:47:45 /learner.py:612 [LEARNER] Number of optimization step: 66
+DEBUG 2025-08-05 13:47:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5396138422579768
+INFO 2025-08-05 13:47:46 /learner.py:612 [LEARNER] Number of optimization step: 67
+DEBUG 2025-08-05 13:47:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5230091769120954
+INFO 2025-08-05 13:47:48 /learner.py:612 [LEARNER] Number of optimization step: 68
+DEBUG 2025-08-05 13:47:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5370661459970576
+INFO 2025-08-05 13:47:50 /learner.py:612 [LEARNER] Number of optimization step: 69
+DEBUG 2025-08-05 13:47:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6460837511685933
+INFO 2025-08-05 13:47:52 /learner.py:612 [LEARNER] Number of optimization step: 70
+DEBUG 2025-08-05 13:47:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:47:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:47:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:47:52 ort/utils.py:93 [LEARNER] transitions Received data at step end size 77408702
+DEBUG 2025-08-05 13:47:52 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:47:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6570466588754392
+INFO 2025-08-05 13:47:53 /learner.py:612 [LEARNER] Number of optimization step: 71
+DEBUG 2025-08-05 13:47:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5669621799321544
+INFO 2025-08-05 13:47:56 /learner.py:612 [LEARNER] Number of optimization step: 72
+DEBUG 2025-08-05 13:47:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5508619231737956
+INFO 2025-08-05 13:47:57 /learner.py:612 [LEARNER] Number of optimization step: 73
+DEBUG 2025-08-05 13:47:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:47:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:47:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:47:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:47:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5228213551194422
+INFO 2025-08-05 13:47:59 /learner.py:612 [LEARNER] Number of optimization step: 74
+DEBUG 2025-08-05 13:47:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:47:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:47:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:47:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5371930556432047
+INFO 2025-08-05 13:48:01 /learner.py:612 [LEARNER] Number of optimization step: 75
+DEBUG 2025-08-05 13:48:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:01 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:48:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:48:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393117
+DEBUG 2025-08-05 13:48:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:48:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.643973145671242
+INFO 2025-08-05 13:48:03 /learner.py:612 [LEARNER] Number of optimization step: 76
+DEBUG 2025-08-05 13:48:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5636161481974624
+INFO 2025-08-05 13:48:05 /learner.py:612 [LEARNER] Number of optimization step: 77
+DEBUG 2025-08-05 13:48:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5263489189160574
+INFO 2025-08-05 13:48:07 /learner.py:612 [LEARNER] Number of optimization step: 78
+DEBUG 2025-08-05 13:48:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5385356330597902
+INFO 2025-08-05 13:48:09 /learner.py:612 [LEARNER] Number of optimization step: 79
+DEBUG 2025-08-05 13:48:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5936578046486546
+INFO 2025-08-05 13:48:10 /learner.py:612 [LEARNER] Number of optimization step: 80
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:48:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:48:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:10 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:48:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:48:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 39494349
+DEBUG 2025-08-05 13:48:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.671766962957701
+INFO 2025-08-05 13:48:12 /learner.py:612 [LEARNER] Number of optimization step: 81
+DEBUG 2025-08-05 13:48:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5584567575769877
+INFO 2025-08-05 13:48:14 /learner.py:612 [LEARNER] Number of optimization step: 82
+DEBUG 2025-08-05 13:48:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5575984427807419
+INFO 2025-08-05 13:48:16 /learner.py:612 [LEARNER] Number of optimization step: 83
+DEBUG 2025-08-05 13:48:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5441547495230752
+INFO 2025-08-05 13:48:18 /learner.py:612 [LEARNER] Number of optimization step: 84
+DEBUG 2025-08-05 13:48:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5373101132966234
+INFO 2025-08-05 13:48:19 /learner.py:612 [LEARNER] Number of optimization step: 85
+DEBUG 2025-08-05 13:48:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5317470144987153
+INFO 2025-08-05 13:48:21 /learner.py:612 [LEARNER] Number of optimization step: 86
+DEBUG 2025-08-05 13:48:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6488704836501501
+INFO 2025-08-05 13:48:23 /learner.py:612 [LEARNER] Number of optimization step: 87
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:48:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:48:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:48:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 62400725
+DEBUG 2025-08-05 13:48:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:48:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6215793933642402
+INFO 2025-08-05 13:48:24 /learner.py:612 [LEARNER] Number of optimization step: 88
+DEBUG 2025-08-05 13:48:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.567774716934404
+INFO 2025-08-05 13:48:27 /learner.py:612 [LEARNER] Number of optimization step: 89
+DEBUG 2025-08-05 13:48:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332633552526742
+INFO 2025-08-05 13:48:29 /learner.py:612 [LEARNER] Number of optimization step: 90
+DEBUG 2025-08-05 13:48:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5501855787702465
+INFO 2025-08-05 13:48:30 /learner.py:612 [LEARNER] Number of optimization step: 91
+DEBUG 2025-08-05 13:48:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5704951859772232
+INFO 2025-08-05 13:48:32 /learner.py:612 [LEARNER] Number of optimization step: 92
+DEBUG 2025-08-05 13:48:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:32 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:48:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:48:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:48:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 48182981
+DEBUG 2025-08-05 13:48:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:48:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.654725631814219
+INFO 2025-08-05 13:48:34 /learner.py:612 [LEARNER] Number of optimization step: 93
+DEBUG 2025-08-05 13:48:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5944029549502274
+INFO 2025-08-05 13:48:36 /learner.py:612 [LEARNER] Number of optimization step: 94
+DEBUG 2025-08-05 13:48:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5439393734047647
+INFO 2025-08-05 13:48:37 /learner.py:612 [LEARNER] Number of optimization step: 95
+DEBUG 2025-08-05 13:48:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5496478587361413
+INFO 2025-08-05 13:48:39 /learner.py:612 [LEARNER] Number of optimization step: 96
+DEBUG 2025-08-05 13:48:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5342471002584815
+INFO 2025-08-05 13:48:41 /learner.py:612 [LEARNER] Number of optimization step: 97
+DEBUG 2025-08-05 13:48:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6101404861482232
+INFO 2025-08-05 13:48:43 /learner.py:612 [LEARNER] Number of optimization step: 98
+DEBUG 2025-08-05 13:48:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:48:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:43 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:48:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:48:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393117
+DEBUG 2025-08-05 13:48:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:48:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6688574381546436
+INFO 2025-08-05 13:48:44 /learner.py:612 [LEARNER] Number of optimization step: 99
+DEBUG 2025-08-05 13:48:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5605946306637065
+INFO 2025-08-05 13:48:47 /learner.py:612 [LEARNER] Number of optimization step: 100
+DEBUG 2025-08-05 13:48:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5709643340056088
+INFO 2025-08-05 13:48:48 /learner.py:612 [LEARNER] Number of optimization step: 101
+DEBUG 2025-08-05 13:48:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.553441937365403
+INFO 2025-08-05 13:48:50 /learner.py:612 [LEARNER] Number of optimization step: 102
+DEBUG 2025-08-05 13:48:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5592169713455372
+INFO 2025-08-05 13:48:52 /learner.py:612 [LEARNER] Number of optimization step: 103
+DEBUG 2025-08-05 13:48:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5352902211013149
+INFO 2025-08-05 13:48:54 /learner.py:612 [LEARNER] Number of optimization step: 104
+DEBUG 2025-08-05 13:48:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5509627945383623
+INFO 2025-08-05 13:48:56 /learner.py:612 [LEARNER] Number of optimization step: 105
+DEBUG 2025-08-05 13:48:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5535436828572753
+INFO 2025-08-05 13:48:57 /learner.py:612 [LEARNER] Number of optimization step: 106
+DEBUG 2025-08-05 13:48:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:48:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:48:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:48:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:48:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6216617556466202
+INFO 2025-08-05 13:48:59 /learner.py:612 [LEARNER] Number of optimization step: 107
+DEBUG 2025-08-05 13:48:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:48:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:48:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:48:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:49:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:49:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:49:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:49:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6594100134441714
+INFO 2025-08-05 13:49:00 /learner.py:612 [LEARNER] Number of optimization step: 108
+DEBUG 2025-08-05 13:49:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:01 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:49:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:01 ort/utils.py:93 [LEARNER] transitions Received data at step end size 90047166
+DEBUG 2025-08-05 13:49:01 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:49:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6241498728177916
+INFO 2025-08-05 13:49:02 /learner.py:612 [LEARNER] Number of optimization step: 109
+DEBUG 2025-08-05 13:49:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5601543314527823
+INFO 2025-08-05 13:49:05 /learner.py:612 [LEARNER] Number of optimization step: 110
+DEBUG 2025-08-05 13:49:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5291132479876153
+INFO 2025-08-05 13:49:06 /learner.py:612 [LEARNER] Number of optimization step: 111
+DEBUG 2025-08-05 13:49:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5422895031306704
+INFO 2025-08-05 13:49:08 /learner.py:612 [LEARNER] Number of optimization step: 112
+DEBUG 2025-08-05 13:49:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5521219874324651
+INFO 2025-08-05 13:49:10 /learner.py:612 [LEARNER] Number of optimization step: 113
+DEBUG 2025-08-05 13:49:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6170429803004747
+INFO 2025-08-05 13:49:12 /learner.py:612 [LEARNER] Number of optimization step: 114
+DEBUG 2025-08-05 13:49:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:49:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:49:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 58451405
+DEBUG 2025-08-05 13:49:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:49:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6533317108588552
+INFO 2025-08-05 13:49:13 /learner.py:612 [LEARNER] Number of optimization step: 115
+DEBUG 2025-08-05 13:49:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5433613411943985
+INFO 2025-08-05 13:49:16 /learner.py:612 [LEARNER] Number of optimization step: 116
+DEBUG 2025-08-05 13:49:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5828678993214229
+INFO 2025-08-05 13:49:17 /learner.py:612 [LEARNER] Number of optimization step: 117
+DEBUG 2025-08-05 13:49:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5524884610442454
+INFO 2025-08-05 13:49:19 /learner.py:612 [LEARNER] Number of optimization step: 118
+DEBUG 2025-08-05 13:49:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5420770018886492
+INFO 2025-08-05 13:49:21 /learner.py:612 [LEARNER] Number of optimization step: 119
+DEBUG 2025-08-05 13:49:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:21 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:49:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:49:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 49762709
+DEBUG 2025-08-05 13:49:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:49:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6858395672171158
+INFO 2025-08-05 13:49:22 /learner.py:612 [LEARNER] Number of optimization step: 120
+DEBUG 2025-08-05 13:49:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5755387940586328
+INFO 2025-08-05 13:49:25 /learner.py:612 [LEARNER] Number of optimization step: 121
+DEBUG 2025-08-05 13:49:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5942995301218632
+INFO 2025-08-05 13:49:26 /learner.py:612 [LEARNER] Number of optimization step: 122
+DEBUG 2025-08-05 13:49:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6374742646135382
+INFO 2025-08-05 13:49:28 /learner.py:612 [LEARNER] Number of optimization step: 123
+DEBUG 2025-08-05 13:49:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6064709545407163
+INFO 2025-08-05 13:49:29 /learner.py:612 [LEARNER] Number of optimization step: 124
+DEBUG 2025-08-05 13:49:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5512365779137518
+INFO 2025-08-05 13:49:31 /learner.py:612 [LEARNER] Number of optimization step: 125
+DEBUG 2025-08-05 13:49:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5493964474801394
+INFO 2025-08-05 13:49:33 /learner.py:612 [LEARNER] Number of optimization step: 126
+DEBUG 2025-08-05 13:49:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5695821706828759
+INFO 2025-08-05 13:49:35 /learner.py:612 [LEARNER] Number of optimization step: 127
+DEBUG 2025-08-05 13:49:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7354856443248523
+INFO 2025-08-05 13:49:36 /learner.py:612 [LEARNER] Number of optimization step: 128
+DEBUG 2025-08-05 13:49:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:36 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:49:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:49:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:49:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:49:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 74249134
+DEBUG 2025-08-05 13:49:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:49:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7565374231300508
+INFO 2025-08-05 13:49:37 /learner.py:612 [LEARNER] Number of optimization step: 129
+DEBUG 2025-08-05 13:49:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5872666186979231
+INFO 2025-08-05 13:49:40 /learner.py:612 [LEARNER] Number of optimization step: 130
+DEBUG 2025-08-05 13:49:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.540728372752723
+INFO 2025-08-05 13:49:42 /learner.py:612 [LEARNER] Number of optimization step: 131
+DEBUG 2025-08-05 13:49:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6731089356320477
+INFO 2025-08-05 13:49:43 /learner.py:612 [LEARNER] Number of optimization step: 132
+DEBUG 2025-08-05 13:49:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7151909769357007
+INFO 2025-08-05 13:49:45 /learner.py:612 [LEARNER] Number of optimization step: 133
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:49:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:49:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:49:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:49:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:49:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 38704485
+DEBUG 2025-08-05 13:49:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:49:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6691172595162858
+INFO 2025-08-05 13:49:46 /learner.py:612 [LEARNER] Number of optimization step: 134
+DEBUG 2025-08-05 13:49:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5915571419168573
+INFO 2025-08-05 13:49:48 /learner.py:612 [LEARNER] Number of optimization step: 135
+DEBUG 2025-08-05 13:49:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5445679837119131
+INFO 2025-08-05 13:49:50 /learner.py:612 [LEARNER] Number of optimization step: 136
+DEBUG 2025-08-05 13:49:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5459828322986986
+INFO 2025-08-05 13:49:52 /learner.py:612 [LEARNER] Number of optimization step: 137
+DEBUG 2025-08-05 13:49:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5911851850653808
+INFO 2025-08-05 13:49:53 /learner.py:612 [LEARNER] Number of optimization step: 138
+DEBUG 2025-08-05 13:49:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5914874842646853
+INFO 2025-08-05 13:49:55 /learner.py:612 [LEARNER] Number of optimization step: 139
+DEBUG 2025-08-05 13:49:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5369486446931228
+INFO 2025-08-05 13:49:57 /learner.py:612 [LEARNER] Number of optimization step: 140
+DEBUG 2025-08-05 13:49:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:49:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:49:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:49:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:49:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5932923496453165
+INFO 2025-08-05 13:49:59 /learner.py:612 [LEARNER] Number of optimization step: 141
+DEBUG 2025-08-05 13:49:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:49:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:49:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:49:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5916735526869175
+INFO 2025-08-05 13:50:00 /learner.py:612 [LEARNER] Number of optimization step: 142
+DEBUG 2025-08-05 13:50:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:00 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.9059715476000362
+INFO 2025-08-05 13:50:01 /learner.py:612 [LEARNER] Number of optimization step: 143
+INFO 2025-08-05 13:50:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:02 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:50:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:50:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 88467286
+DEBUG 2025-08-05 13:50:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:50:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8630963728050741
+INFO 2025-08-05 13:50:03 /learner.py:612 [LEARNER] Number of optimization step: 144
+INFO 2025-08-05 13:50:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.628154152498204
+INFO 2025-08-05 13:50:05 /learner.py:612 [LEARNER] Number of optimization step: 145
+DEBUG 2025-08-05 13:50:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.540115128351696
+INFO 2025-08-05 13:50:06 /learner.py:612 [LEARNER] Number of optimization step: 146
+DEBUG 2025-08-05 13:50:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5329703532603579
+INFO 2025-08-05 13:50:08 /learner.py:612 [LEARNER] Number of optimization step: 147
+DEBUG 2025-08-05 13:50:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:08 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:50:09 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:50:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175437
+DEBUG 2025-08-05 13:50:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:50:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6662744071962337
+INFO 2025-08-05 13:50:10 /learner.py:612 [LEARNER] Number of optimization step: 148
+DEBUG 2025-08-05 13:50:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5783161764260949
+INFO 2025-08-05 13:50:12 /learner.py:612 [LEARNER] Number of optimization step: 149
+DEBUG 2025-08-05 13:50:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.521397631953901
+INFO 2025-08-05 13:50:14 /learner.py:612 [LEARNER] Number of optimization step: 150
+DEBUG 2025-08-05 13:50:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5410262006848595
+INFO 2025-08-05 13:50:16 /learner.py:612 [LEARNER] Number of optimization step: 151
+DEBUG 2025-08-05 13:50:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5333959353397488
+INFO 2025-08-05 13:50:17 /learner.py:612 [LEARNER] Number of optimization step: 152
+DEBUG 2025-08-05 13:50:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5234302937604586
+INFO 2025-08-05 13:50:19 /learner.py:612 [LEARNER] Number of optimization step: 153
+DEBUG 2025-08-05 13:50:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5176856313188547
+INFO 2025-08-05 13:50:21 /learner.py:612 [LEARNER] Number of optimization step: 154
+DEBUG 2025-08-05 13:50:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5052320366989301
+INFO 2025-08-05 13:50:23 /learner.py:612 [LEARNER] Number of optimization step: 155
+DEBUG 2025-08-05 13:50:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5632586701690099
+INFO 2025-08-05 13:50:25 /learner.py:612 [LEARNER] Number of optimization step: 156
+DEBUG 2025-08-05 13:50:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6433634821973546
+INFO 2025-08-05 13:50:27 /learner.py:612 [LEARNER] Number of optimization step: 157
+DEBUG 2025-08-05 13:50:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:50:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:50:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 90836978
+DEBUG 2025-08-05 13:50:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:50:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6772130291186249
+INFO 2025-08-05 13:50:28 /learner.py:612 [LEARNER] Number of optimization step: 158
+DEBUG 2025-08-05 13:50:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5639105393526023
+INFO 2025-08-05 13:50:30 /learner.py:612 [LEARNER] Number of optimization step: 159
+DEBUG 2025-08-05 13:50:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5407110153868567
+INFO 2025-08-05 13:50:32 /learner.py:612 [LEARNER] Number of optimization step: 160
+DEBUG 2025-08-05 13:50:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5231898242845247
+INFO 2025-08-05 13:50:34 /learner.py:612 [LEARNER] Number of optimization step: 161
+DEBUG 2025-08-05 13:50:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5183402398535113
+INFO 2025-08-05 13:50:36 /learner.py:612 [LEARNER] Number of optimization step: 162
+DEBUG 2025-08-05 13:50:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5774876807533948
+INFO 2025-08-05 13:50:38 /learner.py:612 [LEARNER] Number of optimization step: 163
+DEBUG 2025-08-05 13:50:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:50:39 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:50:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 59241269
+DEBUG 2025-08-05 13:50:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:50:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6406299158463619
+INFO 2025-08-05 13:50:39 /learner.py:612 [LEARNER] Number of optimization step: 164
+DEBUG 2025-08-05 13:50:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5289284209921586
+INFO 2025-08-05 13:50:42 /learner.py:612 [LEARNER] Number of optimization step: 165
+DEBUG 2025-08-05 13:50:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5202846048000117
+INFO 2025-08-05 13:50:44 /learner.py:612 [LEARNER] Number of optimization step: 166
+DEBUG 2025-08-05 13:50:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5337421748635229
+INFO 2025-08-05 13:50:46 /learner.py:612 [LEARNER] Number of optimization step: 167
+DEBUG 2025-08-05 13:50:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5234119389926923
+INFO 2025-08-05 13:50:47 /learner.py:612 [LEARNER] Number of optimization step: 168
+DEBUG 2025-08-05 13:50:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6066025211164849
+INFO 2025-08-05 13:50:49 /learner.py:612 [LEARNER] Number of optimization step: 169
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:50:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:50:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:50:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+INFO 2025-08-05 13:50:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:50:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:50:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 48972909
+DEBUG 2025-08-05 13:50:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:50:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5853895730252242
+INFO 2025-08-05 13:50:51 /learner.py:612 [LEARNER] Number of optimization step: 170
+DEBUG 2025-08-05 13:50:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5526947116302087
+INFO 2025-08-05 13:50:53 /learner.py:612 [LEARNER] Number of optimization step: 171
+DEBUG 2025-08-05 13:50:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.533042083223044
+INFO 2025-08-05 13:50:55 /learner.py:612 [LEARNER] Number of optimization step: 172
+DEBUG 2025-08-05 13:50:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5227346935839517
+INFO 2025-08-05 13:50:57 /learner.py:612 [LEARNER] Number of optimization step: 173
+DEBUG 2025-08-05 13:50:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:50:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:50:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:50:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:50:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5181640135635305
+INFO 2025-08-05 13:50:59 /learner.py:612 [LEARNER] Number of optimization step: 174
+DEBUG 2025-08-05 13:50:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:50:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:50:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:50:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5109753046328498
+INFO 2025-08-05 13:51:01 /learner.py:612 [LEARNER] Number of optimization step: 175
+DEBUG 2025-08-05 13:51:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5336703242736774
+INFO 2025-08-05 13:51:03 /learner.py:612 [LEARNER] Number of optimization step: 176
+DEBUG 2025-08-05 13:51:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5294950540842567
+INFO 2025-08-05 13:51:04 /learner.py:612 [LEARNER] Number of optimization step: 177
+DEBUG 2025-08-05 13:51:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5309312101218879
+INFO 2025-08-05 13:51:06 /learner.py:612 [LEARNER] Number of optimization step: 178
+DEBUG 2025-08-05 13:51:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5345724383973931
+INFO 2025-08-05 13:51:08 /learner.py:612 [LEARNER] Number of optimization step: 179
+DEBUG 2025-08-05 13:51:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5335817940129179
+INFO 2025-08-05 13:51:10 /learner.py:612 [LEARNER] Number of optimization step: 180
+DEBUG 2025-08-05 13:51:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5447752961809457
+INFO 2025-08-05 13:51:12 /learner.py:612 [LEARNER] Number of optimization step: 181
+DEBUG 2025-08-05 13:51:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5560562583238639
+INFO 2025-08-05 13:51:14 /learner.py:612 [LEARNER] Number of optimization step: 182
+DEBUG 2025-08-05 13:51:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.537082100987078
+INFO 2025-08-05 13:51:16 /learner.py:612 [LEARNER] Number of optimization step: 183
+DEBUG 2025-08-05 13:51:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5282379651371095
+INFO 2025-08-05 13:51:17 /learner.py:612 [LEARNER] Number of optimization step: 184
+DEBUG 2025-08-05 13:51:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5131760072059156
+INFO 2025-08-05 13:51:19 /learner.py:612 [LEARNER] Number of optimization step: 185
+DEBUG 2025-08-05 13:51:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6930058075251148
+INFO 2025-08-05 13:51:21 /learner.py:612 [LEARNER] Number of optimization step: 186
+DEBUG 2025-08-05 13:51:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6476358291884121
+INFO 2025-08-05 13:51:22 /learner.py:612 [LEARNER] Number of optimization step: 187
+DEBUG 2025-08-05 13:51:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:51:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:23 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 13:51:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 13:51:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 181675343
+DEBUG 2025-08-05 13:51:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:51:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6750352737772466
+INFO 2025-08-05 13:51:24 /learner.py:612 [LEARNER] Number of optimization step: 188
+DEBUG 2025-08-05 13:51:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:51:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5594038789531462
+INFO 2025-08-05 13:51:27 /learner.py:612 [LEARNER] Number of optimization step: 189
+DEBUG 2025-08-05 13:51:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5242570030298341
+INFO 2025-08-05 13:51:29 /learner.py:612 [LEARNER] Number of optimization step: 190
+DEBUG 2025-08-05 13:51:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:29 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:51:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:51:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175437
+DEBUG 2025-08-05 13:51:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:51:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6605857489236812
+INFO 2025-08-05 13:51:30 /learner.py:612 [LEARNER] Number of optimization step: 191
+DEBUG 2025-08-05 13:51:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5630874715457027
+INFO 2025-08-05 13:51:33 /learner.py:612 [LEARNER] Number of optimization step: 192
+DEBUG 2025-08-05 13:51:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332242380732772
+INFO 2025-08-05 13:51:34 /learner.py:612 [LEARNER] Number of optimization step: 193
+DEBUG 2025-08-05 13:51:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:51:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:51:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 24486805
+DEBUG 2025-08-05 13:51:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:51:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5922176601524234
+INFO 2025-08-05 13:51:36 /learner.py:612 [LEARNER] Number of optimization step: 194
+DEBUG 2025-08-05 13:51:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.626034396466016
+INFO 2025-08-05 13:51:38 /learner.py:612 [LEARNER] Number of optimization step: 195
+DEBUG 2025-08-05 13:51:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5282195377424781
+INFO 2025-08-05 13:51:40 /learner.py:612 [LEARNER] Number of optimization step: 196
+DEBUG 2025-08-05 13:51:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5467742977486059
+INFO 2025-08-05 13:51:42 /learner.py:612 [LEARNER] Number of optimization step: 197
+DEBUG 2025-08-05 13:51:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5280143288454127
+INFO 2025-08-05 13:51:44 /learner.py:612 [LEARNER] Number of optimization step: 198
+DEBUG 2025-08-05 13:51:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5547979330940241
+INFO 2025-08-05 13:51:45 /learner.py:612 [LEARNER] Number of optimization step: 199
+DEBUG 2025-08-05 13:51:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.527274880100606
+INFO 2025-08-05 13:51:47 /learner.py:612 [LEARNER] Number of optimization step: 200
+DEBUG 2025-08-05 13:51:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5999522529669119
+INFO 2025-08-05 13:51:49 /learner.py:612 [LEARNER] Number of optimization step: 201
+DEBUG 2025-08-05 13:51:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:51:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+INFO 2025-08-05 13:51:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:51:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 72669318
+DEBUG 2025-08-05 13:51:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:51:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6881684294216805
+INFO 2025-08-05 13:51:50 /learner.py:612 [LEARNER] Number of optimization step: 202
+DEBUG 2025-08-05 13:51:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5841263400647362
+INFO 2025-08-05 13:51:53 /learner.py:612 [LEARNER] Number of optimization step: 203
+DEBUG 2025-08-05 13:51:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5364992593610364
+INFO 2025-08-05 13:51:54 /learner.py:612 [LEARNER] Number of optimization step: 204
+DEBUG 2025-08-05 13:51:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5692799751364926
+INFO 2025-08-05 13:51:56 /learner.py:612 [LEARNER] Number of optimization step: 205
+DEBUG 2025-08-05 13:51:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:51:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:51:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:51:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30015917
+DEBUG 2025-08-05 13:51:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:51:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:51:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:51:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:51:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6657388685239903
+INFO 2025-08-05 13:51:58 /learner.py:612 [LEARNER] Number of optimization step: 206
+DEBUG 2025-08-05 13:51:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:51:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:51:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:51:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:51:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5588204490619101
+INFO 2025-08-05 13:52:00 /learner.py:612 [LEARNER] Number of optimization step: 207
+DEBUG 2025-08-05 13:52:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5394416576117711
+INFO 2025-08-05 13:52:02 /learner.py:612 [LEARNER] Number of optimization step: 208
+DEBUG 2025-08-05 13:52:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:02 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:52:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:52:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 23696941
+DEBUG 2025-08-05 13:52:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:52:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6966375138317684
+INFO 2025-08-05 13:52:03 /learner.py:612 [LEARNER] Number of optimization step: 209
+DEBUG 2025-08-05 13:52:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5893050704983812
+INFO 2025-08-05 13:52:05 /learner.py:612 [LEARNER] Number of optimization step: 210
+DEBUG 2025-08-05 13:52:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5341682426195545
+INFO 2025-08-05 13:52:07 /learner.py:612 [LEARNER] Number of optimization step: 211
+DEBUG 2025-08-05 13:52:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5997673742595173
+INFO 2025-08-05 13:52:09 /learner.py:612 [LEARNER] Number of optimization step: 212
+DEBUG 2025-08-05 13:52:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:52:09 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:09 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:52:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436189
+DEBUG 2025-08-05 13:52:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:52:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6744212516973911
+INFO 2025-08-05 13:52:10 /learner.py:612 [LEARNER] Number of optimization step: 213
+DEBUG 2025-08-05 13:52:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5611691591857945
+INFO 2025-08-05 13:52:12 /learner.py:612 [LEARNER] Number of optimization step: 214
+DEBUG 2025-08-05 13:52:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5745480245131176
+INFO 2025-08-05 13:52:14 /learner.py:612 [LEARNER] Number of optimization step: 215
+DEBUG 2025-08-05 13:52:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5680873959045505
+INFO 2025-08-05 13:52:16 /learner.py:612 [LEARNER] Number of optimization step: 216
+DEBUG 2025-08-05 13:52:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5250972402090149
+INFO 2025-08-05 13:52:17 /learner.py:612 [LEARNER] Number of optimization step: 217
+DEBUG 2025-08-05 13:52:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5303176450565481
+INFO 2025-08-05 13:52:19 /learner.py:612 [LEARNER] Number of optimization step: 218
+DEBUG 2025-08-05 13:52:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5277296546322084
+INFO 2025-08-05 13:52:21 /learner.py:612 [LEARNER] Number of optimization step: 219
+DEBUG 2025-08-05 13:52:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6825545734981281
+INFO 2025-08-05 13:52:23 /learner.py:612 [LEARNER] Number of optimization step: 220
+DEBUG 2025-08-05 13:52:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:52:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+INFO 2025-08-05 13:52:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:52:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 75828950
+DEBUG 2025-08-05 13:52:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:52:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6635487090320208
+INFO 2025-08-05 13:52:24 /learner.py:612 [LEARNER] Number of optimization step: 221
+DEBUG 2025-08-05 13:52:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5831248608059493
+INFO 2025-08-05 13:52:26 /learner.py:612 [LEARNER] Number of optimization step: 222
+DEBUG 2025-08-05 13:52:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5143692881545168
+INFO 2025-08-05 13:52:28 /learner.py:612 [LEARNER] Number of optimization step: 223
+DEBUG 2025-08-05 13:52:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5513754199676723
+INFO 2025-08-05 13:52:30 /learner.py:612 [LEARNER] Number of optimization step: 224
+DEBUG 2025-08-05 13:52:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5519057788117148
+INFO 2025-08-05 13:52:32 /learner.py:612 [LEARNER] Number of optimization step: 225
+DEBUG 2025-08-05 13:52:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.565389863948074
+INFO 2025-08-05 13:52:34 /learner.py:612 [LEARNER] Number of optimization step: 226
+DEBUG 2025-08-05 13:52:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5450960181521365
+INFO 2025-08-05 13:52:36 /learner.py:612 [LEARNER] Number of optimization step: 227
+DEBUG 2025-08-05 13:52:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6118973157005959
+INFO 2025-08-05 13:52:37 /learner.py:612 [LEARNER] Number of optimization step: 228
+DEBUG 2025-08-05 13:52:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:52:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+INFO 2025-08-05 13:52:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:52:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 72669318
+DEBUG 2025-08-05 13:52:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:52:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7307134544205074
+INFO 2025-08-05 13:52:39 /learner.py:612 [LEARNER] Number of optimization step: 229
+DEBUG 2025-08-05 13:52:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5933236543303362
+INFO 2025-08-05 13:52:41 /learner.py:612 [LEARNER] Number of optimization step: 230
+DEBUG 2025-08-05 13:52:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5239187679735863
+INFO 2025-08-05 13:52:43 /learner.py:612 [LEARNER] Number of optimization step: 231
+DEBUG 2025-08-05 13:52:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523946059428267
+INFO 2025-08-05 13:52:44 /learner.py:612 [LEARNER] Number of optimization step: 232
+DEBUG 2025-08-05 13:52:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.548151143055496
+INFO 2025-08-05 13:52:46 /learner.py:612 [LEARNER] Number of optimization step: 233
+DEBUG 2025-08-05 13:52:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5294877013212964
+INFO 2025-08-05 13:52:48 /learner.py:612 [LEARNER] Number of optimization step: 234
+DEBUG 2025-08-05 13:52:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5365168277741672
+INFO 2025-08-05 13:52:50 /learner.py:612 [LEARNER] Number of optimization step: 235
+DEBUG 2025-08-05 13:52:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.538086902015768
+INFO 2025-08-05 13:52:52 /learner.py:612 [LEARNER] Number of optimization step: 236
+DEBUG 2025-08-05 13:52:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6434081897903323
+INFO 2025-08-05 13:52:53 /learner.py:612 [LEARNER] Number of optimization step: 237
+DEBUG 2025-08-05 13:52:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:52:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:52:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:52:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 77408766
+DEBUG 2025-08-05 13:52:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:52:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6423095737321405
+INFO 2025-08-05 13:52:55 /learner.py:612 [LEARNER] Number of optimization step: 238
+DEBUG 2025-08-05 13:52:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5435644953595119
+INFO 2025-08-05 13:52:57 /learner.py:612 [LEARNER] Number of optimization step: 239
+DEBUG 2025-08-05 13:52:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:52:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:52:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:52:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:52:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5386695335928267
+INFO 2025-08-05 13:52:59 /learner.py:612 [LEARNER] Number of optimization step: 240
+DEBUG 2025-08-05 13:52:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:52:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:52:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:52:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:53:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:53:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436189
+DEBUG 2025-08-05 13:53:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:53:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6311198687764401
+INFO 2025-08-05 13:53:01 /learner.py:612 [LEARNER] Number of optimization step: 241
+DEBUG 2025-08-05 13:53:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5553153420589688
+INFO 2025-08-05 13:53:03 /learner.py:612 [LEARNER] Number of optimization step: 242
+DEBUG 2025-08-05 13:53:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:53:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:53:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 13:53:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:53:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6197728369738015
+INFO 2025-08-05 13:53:05 /learner.py:612 [LEARNER] Number of optimization step: 243
+DEBUG 2025-08-05 13:53:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5528011368480867
+INFO 2025-08-05 13:53:06 /learner.py:612 [LEARNER] Number of optimization step: 244
+DEBUG 2025-08-05 13:53:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5317264540180948
+INFO 2025-08-05 13:53:08 /learner.py:612 [LEARNER] Number of optimization step: 245
+DEBUG 2025-08-05 13:53:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5200851268069577
+INFO 2025-08-05 13:53:10 /learner.py:612 [LEARNER] Number of optimization step: 246
+DEBUG 2025-08-05 13:53:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5225569644616299
+INFO 2025-08-05 13:53:12 /learner.py:612 [LEARNER] Number of optimization step: 247
+DEBUG 2025-08-05 13:53:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5139450483616594
+INFO 2025-08-05 13:53:14 /learner.py:612 [LEARNER] Number of optimization step: 248
+DEBUG 2025-08-05 13:53:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5283012400933874
+INFO 2025-08-05 13:53:16 /learner.py:612 [LEARNER] Number of optimization step: 249
+DEBUG 2025-08-05 13:53:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5227608844921001
+INFO 2025-08-05 13:53:18 /learner.py:612 [LEARNER] Number of optimization step: 250
+DEBUG 2025-08-05 13:53:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5124652972083985
+INFO 2025-08-05 13:53:20 /learner.py:612 [LEARNER] Number of optimization step: 251
+DEBUG 2025-08-05 13:53:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5199785475201711
+INFO 2025-08-05 13:53:22 /learner.py:612 [LEARNER] Number of optimization step: 252
+DEBUG 2025-08-05 13:53:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5113043836059747
+INFO 2025-08-05 13:53:24 /learner.py:612 [LEARNER] Number of optimization step: 253
+DEBUG 2025-08-05 13:53:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6155396797544593
+INFO 2025-08-05 13:53:25 /learner.py:612 [LEARNER] Number of optimization step: 254
+DEBUG 2025-08-05 13:53:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:53:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:53:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.632758174208
+INFO 2025-08-05 13:53:27 /learner.py:612 [LEARNER] Number of optimization step: 255
+DEBUG 2025-08-05 13:53:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:53:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 117693978
+DEBUG 2025-08-05 13:53:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:53:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6005533162889779
+INFO 2025-08-05 13:53:29 /learner.py:612 [LEARNER] Number of optimization step: 256
+DEBUG 2025-08-05 13:53:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5476980521699804
+INFO 2025-08-05 13:53:31 /learner.py:612 [LEARNER] Number of optimization step: 257
+DEBUG 2025-08-05 13:53:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5330619326001542
+INFO 2025-08-05 13:53:33 /learner.py:612 [LEARNER] Number of optimization step: 258
+DEBUG 2025-08-05 13:53:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5972666702781377
+INFO 2025-08-05 13:53:35 /learner.py:612 [LEARNER] Number of optimization step: 259
+DEBUG 2025-08-05 13:53:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:35 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:53:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:53:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 41864005
+DEBUG 2025-08-05 13:53:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:53:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6520648307047482
+INFO 2025-08-05 13:53:36 /learner.py:612 [LEARNER] Number of optimization step: 260
+DEBUG 2025-08-05 13:53:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.56869512742169
+INFO 2025-08-05 13:53:39 /learner.py:612 [LEARNER] Number of optimization step: 261
+DEBUG 2025-08-05 13:53:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5361695161978368
+INFO 2025-08-05 13:53:40 /learner.py:612 [LEARNER] Number of optimization step: 262
+DEBUG 2025-08-05 13:53:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5447330569927179
+INFO 2025-08-05 13:53:42 /learner.py:612 [LEARNER] Number of optimization step: 263
+DEBUG 2025-08-05 13:53:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5266856704026643
+INFO 2025-08-05 13:53:44 /learner.py:612 [LEARNER] Number of optimization step: 264
+DEBUG 2025-08-05 13:53:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:53:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:53:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:53:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 49762773
+DEBUG 2025-08-05 13:53:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:53:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5830371556458156
+INFO 2025-08-05 13:53:46 /learner.py:612 [LEARNER] Number of optimization step: 265
+DEBUG 2025-08-05 13:53:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6141029333257977
+INFO 2025-08-05 13:53:48 /learner.py:612 [LEARNER] Number of optimization step: 266
+DEBUG 2025-08-05 13:53:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5224360293067044
+INFO 2025-08-05 13:53:50 /learner.py:612 [LEARNER] Number of optimization step: 267
+DEBUG 2025-08-05 13:53:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5171101871375492
+INFO 2025-08-05 13:53:52 /learner.py:612 [LEARNER] Number of optimization step: 268
+DEBUG 2025-08-05 13:53:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5220726496963782
+INFO 2025-08-05 13:53:54 /learner.py:612 [LEARNER] Number of optimization step: 269
+DEBUG 2025-08-05 13:53:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5343528019204172
+INFO 2025-08-05 13:53:56 /learner.py:612 [LEARNER] Number of optimization step: 270
+DEBUG 2025-08-05 13:53:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5375178596069594
+INFO 2025-08-05 13:53:57 /learner.py:612 [LEARNER] Number of optimization step: 271
+DEBUG 2025-08-05 13:53:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:53:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:53:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:53:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:53:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5310195352374726
+INFO 2025-08-05 13:53:59 /learner.py:612 [LEARNER] Number of optimization step: 272
+DEBUG 2025-08-05 13:53:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:53:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:53:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:53:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5157691693025112
+INFO 2025-08-05 13:54:01 /learner.py:612 [LEARNER] Number of optimization step: 273
+DEBUG 2025-08-05 13:54:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5055345022635473
+INFO 2025-08-05 13:54:03 /learner.py:612 [LEARNER] Number of optimization step: 274
+DEBUG 2025-08-05 13:54:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5389578253971887
+INFO 2025-08-05 13:54:05 /learner.py:612 [LEARNER] Number of optimization step: 275
+DEBUG 2025-08-05 13:54:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.63328200769121
+INFO 2025-08-05 13:54:07 /learner.py:612 [LEARNER] Number of optimization step: 276
+DEBUG 2025-08-05 13:54:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:54:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:54:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 116113778
+DEBUG 2025-08-05 13:54:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:54:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5179394220056441
+INFO 2025-08-05 13:54:09 /learner.py:612 [LEARNER] Number of optimization step: 277
+DEBUG 2025-08-05 13:54:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5525060733302651
+INFO 2025-08-05 13:54:11 /learner.py:612 [LEARNER] Number of optimization step: 278
+DEBUG 2025-08-05 13:54:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:11 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:54:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:54:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 13:54:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:54:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6505183137367178
+INFO 2025-08-05 13:54:13 /learner.py:612 [LEARNER] Number of optimization step: 279
+DEBUG 2025-08-05 13:54:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5575414440554892
+INFO 2025-08-05 13:54:15 /learner.py:612 [LEARNER] Number of optimization step: 280
+DEBUG 2025-08-05 13:54:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5375892341453351
+INFO 2025-08-05 13:54:17 /learner.py:612 [LEARNER] Number of optimization step: 281
+DEBUG 2025-08-05 13:54:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5407224474222333
+INFO 2025-08-05 13:54:18 /learner.py:612 [LEARNER] Number of optimization step: 282
+DEBUG 2025-08-05 13:54:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5543696197959324
+INFO 2025-08-05 13:54:20 /learner.py:612 [LEARNER] Number of optimization step: 283
+DEBUG 2025-08-05 13:54:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5236928228322852
+INFO 2025-08-05 13:54:22 /learner.py:612 [LEARNER] Number of optimization step: 284
+DEBUG 2025-08-05 13:54:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5238542484076679
+INFO 2025-08-05 13:54:24 /learner.py:612 [LEARNER] Number of optimization step: 285
+DEBUG 2025-08-05 13:54:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5836349161418959
+INFO 2025-08-05 13:54:26 /learner.py:612 [LEARNER] Number of optimization step: 286
+DEBUG 2025-08-05 13:54:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5333701601358842
+INFO 2025-08-05 13:54:28 /learner.py:612 [LEARNER] Number of optimization step: 287
+DEBUG 2025-08-05 13:54:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5215879345846683
+INFO 2025-08-05 13:54:30 /learner.py:612 [LEARNER] Number of optimization step: 288
+DEBUG 2025-08-05 13:54:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5291413503304775
+INFO 2025-08-05 13:54:31 /learner.py:612 [LEARNER] Number of optimization step: 289
+DEBUG 2025-08-05 13:54:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5403902790568771
+INFO 2025-08-05 13:54:33 /learner.py:612 [LEARNER] Number of optimization step: 290
+DEBUG 2025-08-05 13:54:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6318147325308096
+INFO 2025-08-05 13:54:35 /learner.py:612 [LEARNER] Number of optimization step: 291
+DEBUG 2025-08-05 13:54:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6654882102106068
+INFO 2025-08-05 13:54:36 /learner.py:612 [LEARNER] Number of optimization step: 292
+DEBUG 2025-08-05 13:54:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:54:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 13:54:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 127962238
+DEBUG 2025-08-05 13:54:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:54:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5685456544199657
+INFO 2025-08-05 13:54:38 /learner.py:612 [LEARNER] Number of optimization step: 293
+DEBUG 2025-08-05 13:54:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.549173163810331
+INFO 2025-08-05 13:54:41 /learner.py:612 [LEARNER] Number of optimization step: 294
+DEBUG 2025-08-05 13:54:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5406980503707584
+INFO 2025-08-05 13:54:42 /learner.py:612 [LEARNER] Number of optimization step: 295
+DEBUG 2025-08-05 13:54:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5388048158182975
+INFO 2025-08-05 13:54:44 /learner.py:612 [LEARNER] Number of optimization step: 296
+DEBUG 2025-08-05 13:54:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5420124154655193
+INFO 2025-08-05 13:54:46 /learner.py:612 [LEARNER] Number of optimization step: 297
+DEBUG 2025-08-05 13:54:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.544708296695069
+INFO 2025-08-05 13:54:48 /learner.py:612 [LEARNER] Number of optimization step: 298
+DEBUG 2025-08-05 13:54:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5382227895734181
+INFO 2025-08-05 13:54:50 /learner.py:612 [LEARNER] Number of optimization step: 299
+DEBUG 2025-08-05 13:54:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.642566106788904
+INFO 2025-08-05 13:54:51 /learner.py:612 [LEARNER] Number of optimization step: 300
+DEBUG 2025-08-05 13:54:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:54:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:54:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:54:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:54:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:54:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:54:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 78198706
+DEBUG 2025-08-05 13:54:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:54:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6232953494578451
+INFO 2025-08-05 13:54:53 /learner.py:612 [LEARNER] Number of optimization step: 301
+DEBUG 2025-08-05 13:54:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5717618117513015
+INFO 2025-08-05 13:54:55 /learner.py:612 [LEARNER] Number of optimization step: 302
+DEBUG 2025-08-05 13:54:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5238056402064498
+INFO 2025-08-05 13:54:57 /learner.py:612 [LEARNER] Number of optimization step: 303
+DEBUG 2025-08-05 13:54:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:54:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:54:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:54:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:54:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5167554493275176
+INFO 2025-08-05 13:54:59 /learner.py:612 [LEARNER] Number of optimization step: 304
+DEBUG 2025-08-05 13:54:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:54:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:54:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:54:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5746279194387078
+INFO 2025-08-05 13:55:01 /learner.py:612 [LEARNER] Number of optimization step: 305
+DEBUG 2025-08-05 13:55:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5678113808307865
+INFO 2025-08-05 13:55:03 /learner.py:612 [LEARNER] Number of optimization step: 306
+DEBUG 2025-08-05 13:55:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:55:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:55:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:55:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 53712157
+DEBUG 2025-08-05 13:55:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:55:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6200620013215309
+INFO 2025-08-05 13:55:04 /learner.py:612 [LEARNER] Number of optimization step: 307
+DEBUG 2025-08-05 13:55:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.652360060674701
+INFO 2025-08-05 13:55:06 /learner.py:612 [LEARNER] Number of optimization step: 308
+DEBUG 2025-08-05 13:55:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5357934268446162
+INFO 2025-08-05 13:55:08 /learner.py:612 [LEARNER] Number of optimization step: 309
+DEBUG 2025-08-05 13:55:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5505236877597864
+INFO 2025-08-05 13:55:10 /learner.py:612 [LEARNER] Number of optimization step: 310
+DEBUG 2025-08-05 13:55:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.555765442861403
+INFO 2025-08-05 13:55:11 /learner.py:612 [LEARNER] Number of optimization step: 311
+DEBUG 2025-08-05 13:55:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5578753005857534
+INFO 2025-08-05 13:55:13 /learner.py:612 [LEARNER] Number of optimization step: 312
+DEBUG 2025-08-05 13:55:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5777583028934867
+INFO 2025-08-05 13:55:15 /learner.py:612 [LEARNER] Number of optimization step: 313
+DEBUG 2025-08-05 13:55:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5754681201675722
+INFO 2025-08-05 13:55:17 /learner.py:612 [LEARNER] Number of optimization step: 314
+DEBUG 2025-08-05 13:55:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5751613835492452
+INFO 2025-08-05 13:55:18 /learner.py:612 [LEARNER] Number of optimization step: 315
+DEBUG 2025-08-05 13:55:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5562972753975559
+INFO 2025-08-05 13:55:20 /learner.py:612 [LEARNER] Number of optimization step: 316
+DEBUG 2025-08-05 13:55:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.546572156461491
+INFO 2025-08-05 13:55:22 /learner.py:612 [LEARNER] Number of optimization step: 317
+DEBUG 2025-08-05 13:55:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5174359830817502
+INFO 2025-08-05 13:55:24 /learner.py:612 [LEARNER] Number of optimization step: 318
+DEBUG 2025-08-05 13:55:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5305451161858585
+INFO 2025-08-05 13:55:26 /learner.py:612 [LEARNER] Number of optimization step: 319
+DEBUG 2025-08-05 13:55:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5327267916454554
+INFO 2025-08-05 13:55:28 /learner.py:612 [LEARNER] Number of optimization step: 320
+DEBUG 2025-08-05 13:55:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5684867810129951
+INFO 2025-08-05 13:55:30 /learner.py:612 [LEARNER] Number of optimization step: 321
+DEBUG 2025-08-05 13:55:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5080167318298738
+INFO 2025-08-05 13:55:32 /learner.py:612 [LEARNER] Number of optimization step: 322
+DEBUG 2025-08-05 13:55:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5008445315119675
+INFO 2025-08-05 13:55:34 /learner.py:612 [LEARNER] Number of optimization step: 323
+DEBUG 2025-08-05 13:55:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6664910245078246
+INFO 2025-08-05 13:55:35 /learner.py:612 [LEARNER] Number of optimization step: 324
+DEBUG 2025-08-05 13:55:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6946988410742674
+INFO 2025-08-05 13:55:36 /learner.py:612 [LEARNER] Number of optimization step: 325
+DEBUG 2025-08-05 13:55:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6627219080109976
+INFO 2025-08-05 13:55:38 /learner.py:612 [LEARNER] Number of optimization step: 326
+DEBUG 2025-08-05 13:55:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:55:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:55:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:55:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 13:55:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 179305523
+DEBUG 2025-08-05 13:55:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:55:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5558918405748333
+INFO 2025-08-05 13:55:40 /learner.py:612 [LEARNER] Number of optimization step: 327
+DEBUG 2025-08-05 13:55:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 13:55:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.554988947691016
+INFO 2025-08-05 13:55:43 /learner.py:612 [LEARNER] Number of optimization step: 328
+DEBUG 2025-08-05 13:55:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5342656783967902
+INFO 2025-08-05 13:55:45 /learner.py:612 [LEARNER] Number of optimization step: 329
+DEBUG 2025-08-05 13:55:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5209446421317536
+INFO 2025-08-05 13:55:47 /learner.py:612 [LEARNER] Number of optimization step: 330
+DEBUG 2025-08-05 13:55:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:47 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:55:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:55:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393117
+DEBUG 2025-08-05 13:55:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:55:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6068736404504759
+INFO 2025-08-05 13:55:48 /learner.py:612 [LEARNER] Number of optimization step: 331
+DEBUG 2025-08-05 13:55:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5492856461654781
+INFO 2025-08-05 13:55:51 /learner.py:612 [LEARNER] Number of optimization step: 332
+DEBUG 2025-08-05 13:55:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:55:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:55:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:52 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008309
+DEBUG 2025-08-05 13:55:52 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:55:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5687084674085009
+INFO 2025-08-05 13:55:52 /learner.py:612 [LEARNER] Number of optimization step: 333
+DEBUG 2025-08-05 13:55:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6182081983451154
+INFO 2025-08-05 13:55:54 /learner.py:612 [LEARNER] Number of optimization step: 334
+DEBUG 2025-08-05 13:55:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5366746519383597
+INFO 2025-08-05 13:55:56 /learner.py:612 [LEARNER] Number of optimization step: 335
+DEBUG 2025-08-05 13:55:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:55:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:55:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:55:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537421
+DEBUG 2025-08-05 13:55:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:55:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:55:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6307477303757086
+INFO 2025-08-05 13:55:58 /learner.py:612 [LEARNER] Number of optimization step: 336
+DEBUG 2025-08-05 13:55:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:55:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:55:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:55:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:55:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:55:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:55:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5619748779853798
+INFO 2025-08-05 13:56:00 /learner.py:612 [LEARNER] Number of optimization step: 337
+DEBUG 2025-08-05 13:56:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:01 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:01 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798173
+DEBUG 2025-08-05 13:56:01 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:56:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5399529806018859
+INFO 2025-08-05 13:56:01 /learner.py:612 [LEARNER] Number of optimization step: 338
+DEBUG 2025-08-05 13:56:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.637421368713247
+INFO 2025-08-05 13:56:03 /learner.py:612 [LEARNER] Number of optimization step: 339
+DEBUG 2025-08-05 13:56:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5179291248975265
+INFO 2025-08-05 13:56:05 /learner.py:612 [LEARNER] Number of optimization step: 340
+DEBUG 2025-08-05 13:56:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537421
+DEBUG 2025-08-05 13:56:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:56:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6076832599382033
+INFO 2025-08-05 13:56:07 /learner.py:612 [LEARNER] Number of optimization step: 341
+DEBUG 2025-08-05 13:56:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6444173895423766
+INFO 2025-08-05 13:56:08 /learner.py:612 [LEARNER] Number of optimization step: 342
+DEBUG 2025-08-05 13:56:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5201754277733734
+INFO 2025-08-05 13:56:10 /learner.py:612 [LEARNER] Number of optimization step: 343
+DEBUG 2025-08-05 13:56:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5338247794041777
+INFO 2025-08-05 13:56:12 /learner.py:612 [LEARNER] Number of optimization step: 344
+DEBUG 2025-08-05 13:56:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:56:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5856356796824094
+INFO 2025-08-05 13:56:14 /learner.py:612 [LEARNER] Number of optimization step: 345
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175373
+DEBUG 2025-08-05 13:56:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:56:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6100372798907245
+INFO 2025-08-05 13:56:16 /learner.py:612 [LEARNER] Number of optimization step: 346
+DEBUG 2025-08-05 13:56:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.519512961283112
+INFO 2025-08-05 13:56:18 /learner.py:612 [LEARNER] Number of optimization step: 347
+DEBUG 2025-08-05 13:56:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523627182221505
+INFO 2025-08-05 13:56:20 /learner.py:612 [LEARNER] Number of optimization step: 348
+DEBUG 2025-08-05 13:56:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5315341388694609
+INFO 2025-08-05 13:56:22 /learner.py:612 [LEARNER] Number of optimization step: 349
+DEBUG 2025-08-05 13:56:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:22 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:56:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 39494349
+DEBUG 2025-08-05 13:56:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:56:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6404884580424336
+INFO 2025-08-05 13:56:23 /learner.py:612 [LEARNER] Number of optimization step: 350
+DEBUG 2025-08-05 13:56:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5610353224183507
+INFO 2025-08-05 13:56:25 /learner.py:612 [LEARNER] Number of optimization step: 351
+DEBUG 2025-08-05 13:56:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5159610335985
+INFO 2025-08-05 13:56:27 /learner.py:612 [LEARNER] Number of optimization step: 352
+DEBUG 2025-08-05 13:56:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5061510267251118
+INFO 2025-08-05 13:56:29 /learner.py:612 [LEARNER] Number of optimization step: 353
+DEBUG 2025-08-05 13:56:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5265135725953156
+INFO 2025-08-05 13:56:31 /learner.py:612 [LEARNER] Number of optimization step: 354
+DEBUG 2025-08-05 13:56:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:31 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:32 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:56:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:32 ort/utils.py:93 [LEARNER] transitions Received data at step end size 43443733
+DEBUG 2025-08-05 13:56:32 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:56:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6470581425047729
+INFO 2025-08-05 13:56:33 /learner.py:612 [LEARNER] Number of optimization step: 355
+DEBUG 2025-08-05 13:56:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5439185646309247
+INFO 2025-08-05 13:56:35 /learner.py:612 [LEARNER] Number of optimization step: 356
+DEBUG 2025-08-05 13:56:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5178552024042293
+INFO 2025-08-05 13:56:37 /learner.py:612 [LEARNER] Number of optimization step: 357
+DEBUG 2025-08-05 13:56:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5364495113086805
+INFO 2025-08-05 13:56:39 /learner.py:612 [LEARNER] Number of optimization step: 358
+DEBUG 2025-08-05 13:56:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5204151353418306
+INFO 2025-08-05 13:56:41 /learner.py:612 [LEARNER] Number of optimization step: 359
+DEBUG 2025-08-05 13:56:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:56:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6331195963399621
+INFO 2025-08-05 13:56:42 /learner.py:612 [LEARNER] Number of optimization step: 360
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393117
+DEBUG 2025-08-05 13:56:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5613515892292977
+INFO 2025-08-05 13:56:44 /learner.py:612 [LEARNER] Number of optimization step: 361
+DEBUG 2025-08-05 13:56:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5561545426957987
+INFO 2025-08-05 13:56:46 /learner.py:612 [LEARNER] Number of optimization step: 362
+DEBUG 2025-08-05 13:56:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.532396667160052
+INFO 2025-08-05 13:56:48 /learner.py:612 [LEARNER] Number of optimization step: 363
+DEBUG 2025-08-05 13:56:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175373
+DEBUG 2025-08-05 13:56:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:56:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5854877947128011
+INFO 2025-08-05 13:56:50 /learner.py:612 [LEARNER] Number of optimization step: 364
+DEBUG 2025-08-05 13:56:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6031228683143908
+INFO 2025-08-05 13:56:52 /learner.py:612 [LEARNER] Number of optimization step: 365
+DEBUG 2025-08-05 13:56:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5210876746370572
+INFO 2025-08-05 13:56:54 /learner.py:612 [LEARNER] Number of optimization step: 366
+DEBUG 2025-08-05 13:56:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5426772983155252
+INFO 2025-08-05 13:56:55 /learner.py:612 [LEARNER] Number of optimization step: 367
+DEBUG 2025-08-05 13:56:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5188023137628482
+INFO 2025-08-05 13:56:57 /learner.py:612 [LEARNER] Number of optimization step: 368
+DEBUG 2025-08-05 13:56:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:56:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:56:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:56:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:56:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:56:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6106381051381454
+INFO 2025-08-05 13:56:59 /learner.py:612 [LEARNER] Number of optimization step: 369
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:56:59 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:56:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:56:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+INFO 2025-08-05 13:56:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:56:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:56:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 45023461
+DEBUG 2025-08-05 13:56:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:57:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5644210908137566
+INFO 2025-08-05 13:57:01 /learner.py:612 [LEARNER] Number of optimization step: 370
+DEBUG 2025-08-05 13:57:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.53729827446066
+INFO 2025-08-05 13:57:03 /learner.py:612 [LEARNER] Number of optimization step: 371
+DEBUG 2025-08-05 13:57:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:05 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:05 ort/utils.py:93 [LEARNER] transitions Received data at step end size 25276669
+DEBUG 2025-08-05 13:57:05 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:57:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.557934223027133
+INFO 2025-08-05 13:57:05 /learner.py:612 [LEARNER] Number of optimization step: 372
+DEBUG 2025-08-05 13:57:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6879976400987156
+INFO 2025-08-05 13:57:07 /learner.py:612 [LEARNER] Number of optimization step: 373
+DEBUG 2025-08-05 13:57:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5462913165003431
+INFO 2025-08-05 13:57:08 /learner.py:612 [LEARNER] Number of optimization step: 374
+DEBUG 2025-08-05 13:57:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5327129211579328
+INFO 2025-08-05 13:57:10 /learner.py:612 [LEARNER] Number of optimization step: 375
+DEBUG 2025-08-05 13:57:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26856397
+DEBUG 2025-08-05 13:57:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:57:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6431568027000207
+INFO 2025-08-05 13:57:12 /learner.py:612 [LEARNER] Number of optimization step: 376
+DEBUG 2025-08-05 13:57:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5606272257751885
+INFO 2025-08-05 13:57:14 /learner.py:612 [LEARNER] Number of optimization step: 377
+DEBUG 2025-08-05 13:57:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5357158226841511
+INFO 2025-08-05 13:57:16 /learner.py:612 [LEARNER] Number of optimization step: 378
+DEBUG 2025-08-05 13:57:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5238173498365407
+INFO 2025-08-05 13:57:18 /learner.py:612 [LEARNER] Number of optimization step: 379
+DEBUG 2025-08-05 13:57:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5448786930867275
+INFO 2025-08-05 13:57:19 /learner.py:612 [LEARNER] Number of optimization step: 380
+DEBUG 2025-08-05 13:57:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7028866701778086
+INFO 2025-08-05 13:57:21 /learner.py:612 [LEARNER] Number of optimization step: 381
+DEBUG 2025-08-05 13:57:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:21 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:57:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393117
+DEBUG 2025-08-05 13:57:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:57:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.9109416043136569
+INFO 2025-08-05 13:57:22 /learner.py:612 [LEARNER] Number of optimization step: 382
+INFO 2025-08-05 13:57:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5627246237692145
+INFO 2025-08-05 13:57:24 /learner.py:612 [LEARNER] Number of optimization step: 383
+DEBUG 2025-08-05 13:57:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5454979132005889
+INFO 2025-08-05 13:57:26 /learner.py:612 [LEARNER] Number of optimization step: 384
+DEBUG 2025-08-05 13:57:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5525854881176762
+INFO 2025-08-05 13:57:28 /learner.py:612 [LEARNER] Number of optimization step: 385
+DEBUG 2025-08-05 13:57:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:28 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:57:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175373
+DEBUG 2025-08-05 13:57:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:57:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6938954853226416
+INFO 2025-08-05 13:57:29 /learner.py:612 [LEARNER] Number of optimization step: 386
+DEBUG 2025-08-05 13:57:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5706845851368496
+INFO 2025-08-05 13:57:31 /learner.py:612 [LEARNER] Number of optimization step: 387
+DEBUG 2025-08-05 13:57:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5322897113429029
+INFO 2025-08-05 13:57:33 /learner.py:612 [LEARNER] Number of optimization step: 388
+DEBUG 2025-08-05 13:57:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5251431954184126
+INFO 2025-08-05 13:57:35 /learner.py:612 [LEARNER] Number of optimization step: 389
+DEBUG 2025-08-05 13:57:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5221572717093701
+INFO 2025-08-05 13:57:37 /learner.py:612 [LEARNER] Number of optimization step: 390
+DEBUG 2025-08-05 13:57:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5171411095942762
+INFO 2025-08-05 13:57:39 /learner.py:612 [LEARNER] Number of optimization step: 391
+DEBUG 2025-08-05 13:57:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5043935819768269
+INFO 2025-08-05 13:57:41 /learner.py:612 [LEARNER] Number of optimization step: 392
+DEBUG 2025-08-05 13:57:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5138734548887164
+INFO 2025-08-05 13:57:43 /learner.py:612 [LEARNER] Number of optimization step: 393
+DEBUG 2025-08-05 13:57:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5307459841706283
+INFO 2025-08-05 13:57:45 /learner.py:612 [LEARNER] Number of optimization step: 394
+DEBUG 2025-08-05 13:57:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5362595929364572
+INFO 2025-08-05 13:57:47 /learner.py:612 [LEARNER] Number of optimization step: 395
+DEBUG 2025-08-05 13:57:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7189077365739797
+INFO 2025-08-05 13:57:48 /learner.py:612 [LEARNER] Number of optimization step: 396
+DEBUG 2025-08-05 13:57:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:57:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:49 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:57:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:57:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 106635266
+DEBUG 2025-08-05 13:57:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:57:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5422855767954654
+INFO 2025-08-05 13:57:50 /learner.py:612 [LEARNER] Number of optimization step: 397
+DEBUG 2025-08-05 13:57:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5709731947385468
+INFO 2025-08-05 13:57:52 /learner.py:612 [LEARNER] Number of optimization step: 398
+DEBUG 2025-08-05 13:57:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5286035188507571
+INFO 2025-08-05 13:57:54 /learner.py:612 [LEARNER] Number of optimization step: 399
+DEBUG 2025-08-05 13:57:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5263357748480667
+INFO 2025-08-05 13:57:56 /learner.py:612 [LEARNER] Number of optimization step: 400
+DEBUG 2025-08-05 13:57:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:57:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5801135603496124
+INFO 2025-08-05 13:57:58 /learner.py:612 [LEARNER] Number of optimization step: 401
+DEBUG 2025-08-05 13:57:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:57:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:57:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:57:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:57:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:57:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 43443733
+DEBUG 2025-08-05 13:57:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:57:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:57:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:57:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:57:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6536363401166098
+INFO 2025-08-05 13:57:59 /learner.py:612 [LEARNER] Number of optimization step: 402
+DEBUG 2025-08-05 13:58:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5901652719417391
+INFO 2025-08-05 13:58:02 /learner.py:612 [LEARNER] Number of optimization step: 403
+DEBUG 2025-08-05 13:58:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5492450062392931
+INFO 2025-08-05 13:58:03 /learner.py:612 [LEARNER] Number of optimization step: 404
+DEBUG 2025-08-05 13:58:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.539834351818523
+INFO 2025-08-05 13:58:05 /learner.py:612 [LEARNER] Number of optimization step: 405
+DEBUG 2025-08-05 13:58:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5331950903542055
+INFO 2025-08-05 13:58:07 /learner.py:612 [LEARNER] Number of optimization step: 406
+DEBUG 2025-08-05 13:58:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5336255123415572
+INFO 2025-08-05 13:58:09 /learner.py:612 [LEARNER] Number of optimization step: 407
+DEBUG 2025-08-05 13:58:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5953380203937422
+INFO 2025-08-05 13:58:11 /learner.py:612 [LEARNER] Number of optimization step: 408
+DEBUG 2025-08-05 13:58:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:11 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:58:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:58:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 64770317
+DEBUG 2025-08-05 13:58:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:58:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6318676538619177
+INFO 2025-08-05 13:58:12 /learner.py:612 [LEARNER] Number of optimization step: 409
+DEBUG 2025-08-05 13:58:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5336623118908824
+INFO 2025-08-05 13:58:15 /learner.py:612 [LEARNER] Number of optimization step: 410
+DEBUG 2025-08-05 13:58:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5229641812714502
+INFO 2025-08-05 13:58:17 /learner.py:612 [LEARNER] Number of optimization step: 411
+DEBUG 2025-08-05 13:58:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5251669979875428
+INFO 2025-08-05 13:58:19 /learner.py:612 [LEARNER] Number of optimization step: 412
+DEBUG 2025-08-05 13:58:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5311510690789769
+INFO 2025-08-05 13:58:20 /learner.py:612 [LEARNER] Number of optimization step: 413
+DEBUG 2025-08-05 13:58:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5541135786663872
+INFO 2025-08-05 13:58:22 /learner.py:612 [LEARNER] Number of optimization step: 414
+DEBUG 2025-08-05 13:58:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:22 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:58:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+INFO 2025-08-05 13:58:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:58:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 60031197
+DEBUG 2025-08-05 13:58:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:58:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.658936066191131
+INFO 2025-08-05 13:58:24 /learner.py:612 [LEARNER] Number of optimization step: 415
+DEBUG 2025-08-05 13:58:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5552919629327692
+INFO 2025-08-05 13:58:26 /learner.py:612 [LEARNER] Number of optimization step: 416
+DEBUG 2025-08-05 13:58:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5279462714244721
+INFO 2025-08-05 13:58:28 /learner.py:612 [LEARNER] Number of optimization step: 417
+DEBUG 2025-08-05 13:58:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5507743238651687
+INFO 2025-08-05 13:58:30 /learner.py:612 [LEARNER] Number of optimization step: 418
+DEBUG 2025-08-05 13:58:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:58:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:30 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:58:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30805781
+DEBUG 2025-08-05 13:58:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:58:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6270935613446786
+INFO 2025-08-05 13:58:31 /learner.py:612 [LEARNER] Number of optimization step: 419
+DEBUG 2025-08-05 13:58:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5456105273230434
+INFO 2025-08-05 13:58:33 /learner.py:612 [LEARNER] Number of optimization step: 420
+DEBUG 2025-08-05 13:58:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5200310257505598
+INFO 2025-08-05 13:58:35 /learner.py:612 [LEARNER] Number of optimization step: 421
+DEBUG 2025-08-05 13:58:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5219023839294313
+INFO 2025-08-05 13:58:37 /learner.py:612 [LEARNER] Number of optimization step: 422
+DEBUG 2025-08-05 13:58:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5272977493646991
+INFO 2025-08-05 13:58:39 /learner.py:612 [LEARNER] Number of optimization step: 423
+DEBUG 2025-08-05 13:58:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5409022169878562
+INFO 2025-08-05 13:58:41 /learner.py:612 [LEARNER] Number of optimization step: 424
+DEBUG 2025-08-05 13:58:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5224154017186434
+INFO 2025-08-05 13:58:43 /learner.py:612 [LEARNER] Number of optimization step: 425
+DEBUG 2025-08-05 13:58:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6463759794396604
+INFO 2025-08-05 13:58:44 /learner.py:612 [LEARNER] Number of optimization step: 426
+DEBUG 2025-08-05 13:58:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:58:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:58:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 76618890
+DEBUG 2025-08-05 13:58:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:58:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6744554130564925
+INFO 2025-08-05 13:58:46 /learner.py:612 [LEARNER] Number of optimization step: 427
+DEBUG 2025-08-05 13:58:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5360523383494559
+INFO 2025-08-05 13:58:48 /learner.py:612 [LEARNER] Number of optimization step: 428
+DEBUG 2025-08-05 13:58:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5191873731768635
+INFO 2025-08-05 13:58:50 /learner.py:612 [LEARNER] Number of optimization step: 429
+DEBUG 2025-08-05 13:58:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:51 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:58:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 13:58:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:58:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:58:52 ort/utils.py:93 [LEARNER] transitions Received data at step end size 31595645
+DEBUG 2025-08-05 13:58:52 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 13:58:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5958002673237655
+INFO 2025-08-05 13:58:52 /learner.py:612 [LEARNER] Number of optimization step: 430
+DEBUG 2025-08-05 13:58:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5715569761898113
+INFO 2025-08-05 13:58:54 /learner.py:612 [LEARNER] Number of optimization step: 431
+DEBUG 2025-08-05 13:58:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5010574721557448
+INFO 2025-08-05 13:58:56 /learner.py:612 [LEARNER] Number of optimization step: 432
+DEBUG 2025-08-05 13:58:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:58:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:58:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:58:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49644042246193143
+INFO 2025-08-05 13:58:58 /learner.py:612 [LEARNER] Number of optimization step: 433
+DEBUG 2025-08-05 13:58:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:58:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:58:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:58:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:58:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5089541032712785
+INFO 2025-08-05 13:59:00 /learner.py:612 [LEARNER] Number of optimization step: 434
+DEBUG 2025-08-05 13:59:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5139379951725174
+INFO 2025-08-05 13:59:02 /learner.py:612 [LEARNER] Number of optimization step: 435
+DEBUG 2025-08-05 13:59:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5080548841041782
+INFO 2025-08-05 13:59:04 /learner.py:612 [LEARNER] Number of optimization step: 436
+DEBUG 2025-08-05 13:59:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6593193150735682
+INFO 2025-08-05 13:59:05 /learner.py:612 [LEARNER] Number of optimization step: 437
+DEBUG 2025-08-05 13:59:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:06 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:59:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:59:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 69509814
+DEBUG 2025-08-05 13:59:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:59:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.672750818450687
+INFO 2025-08-05 13:59:07 /learner.py:612 [LEARNER] Number of optimization step: 438
+DEBUG 2025-08-05 13:59:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.542711283995435
+INFO 2025-08-05 13:59:09 /learner.py:612 [LEARNER] Number of optimization step: 439
+DEBUG 2025-08-05 13:59:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5416741137448761
+INFO 2025-08-05 13:59:11 /learner.py:612 [LEARNER] Number of optimization step: 440
+DEBUG 2025-08-05 13:59:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5790694139274748
+INFO 2025-08-05 13:59:13 /learner.py:612 [LEARNER] Number of optimization step: 441
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:59:13 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:59:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:59:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 13:59:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:13 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33965301
+DEBUG 2025-08-05 13:59:13 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:59:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5790697337150451
+INFO 2025-08-05 13:59:15 /learner.py:612 [LEARNER] Number of optimization step: 442
+DEBUG 2025-08-05 13:59:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.529044373159519
+INFO 2025-08-05 13:59:17 /learner.py:612 [LEARNER] Number of optimization step: 443
+DEBUG 2025-08-05 13:59:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523481641691724
+INFO 2025-08-05 13:59:19 /learner.py:612 [LEARNER] Number of optimization step: 444
+DEBUG 2025-08-05 13:59:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.534271599173901
+INFO 2025-08-05 13:59:21 /learner.py:612 [LEARNER] Number of optimization step: 445
+DEBUG 2025-08-05 13:59:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5201968466025554
+INFO 2025-08-05 13:59:23 /learner.py:612 [LEARNER] Number of optimization step: 446
+DEBUG 2025-08-05 13:59:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5138159175157245
+INFO 2025-08-05 13:59:24 /learner.py:612 [LEARNER] Number of optimization step: 447
+DEBUG 2025-08-05 13:59:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6238712671408321
+INFO 2025-08-05 13:59:26 /learner.py:612 [LEARNER] Number of optimization step: 448
+DEBUG 2025-08-05 13:59:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:59:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:59:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:59:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:59:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:59:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:59:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:59:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 66350118
+DEBUG 2025-08-05 13:59:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:59:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6493433263562817
+INFO 2025-08-05 13:59:28 /learner.py:612 [LEARNER] Number of optimization step: 449
+DEBUG 2025-08-05 13:59:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.566473569673365
+INFO 2025-08-05 13:59:30 /learner.py:612 [LEARNER] Number of optimization step: 450
+DEBUG 2025-08-05 13:59:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5279461385169884
+INFO 2025-08-05 13:59:32 /learner.py:612 [LEARNER] Number of optimization step: 451
+DEBUG 2025-08-05 13:59:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5238729613716929
+INFO 2025-08-05 13:59:34 /learner.py:612 [LEARNER] Number of optimization step: 452
+DEBUG 2025-08-05 13:59:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5596699864566176
+INFO 2025-08-05 13:59:36 /learner.py:612 [LEARNER] Number of optimization step: 453
+DEBUG 2025-08-05 13:59:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5259638520478308
+INFO 2025-08-05 13:59:37 /learner.py:612 [LEARNER] Number of optimization step: 454
+DEBUG 2025-08-05 13:59:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5518165404407231
+INFO 2025-08-05 13:59:39 /learner.py:612 [LEARNER] Number of optimization step: 455
+DEBUG 2025-08-05 13:59:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.55939500062667
+INFO 2025-08-05 13:59:41 /learner.py:612 [LEARNER] Number of optimization step: 456
+DEBUG 2025-08-05 13:59:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5315587937925024
+INFO 2025-08-05 13:59:43 /learner.py:612 [LEARNER] Number of optimization step: 457
+DEBUG 2025-08-05 13:59:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5399175324461797
+INFO 2025-08-05 13:59:45 /learner.py:612 [LEARNER] Number of optimization step: 458
+DEBUG 2025-08-05 13:59:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332826786807093
+INFO 2025-08-05 13:59:47 /learner.py:612 [LEARNER] Number of optimization step: 459
+DEBUG 2025-08-05 13:59:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7447828135045856
+INFO 2025-08-05 13:59:48 /learner.py:612 [LEARNER] Number of optimization step: 460
+DEBUG 2025-08-05 13:59:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6301253500040132
+INFO 2025-08-05 13:59:50 /learner.py:612 [LEARNER] Number of optimization step: 461
+DEBUG 2025-08-05 13:59:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:59:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 13:59:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 120063222
+DEBUG 2025-08-05 13:59:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:59:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6813285165905928
+INFO 2025-08-05 13:59:51 /learner.py:612 [LEARNER] Number of optimization step: 462
+DEBUG 2025-08-05 13:59:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5370830638185285
+INFO 2025-08-05 13:59:54 /learner.py:612 [LEARNER] Number of optimization step: 463
+DEBUG 2025-08-05 13:59:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5391111990805701
+INFO 2025-08-05 13:59:56 /learner.py:612 [LEARNER] Number of optimization step: 464
+DEBUG 2025-08-05 13:59:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 13:59:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5924776608059752
+INFO 2025-08-05 13:59:57 /learner.py:612 [LEARNER] Number of optimization step: 465
+DEBUG 2025-08-05 13:59:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 13:59:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 13:59:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 13:59:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 13:59:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 13:59:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+INFO 2025-08-05 13:59:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 13:59:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 13:59:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 36334957
+DEBUG 2025-08-05 13:59:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 13:59:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 13:59:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 13:59:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 13:59:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6172244040274097
+INFO 2025-08-05 13:59:59 /learner.py:612 [LEARNER] Number of optimization step: 466
+DEBUG 2025-08-05 13:59:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 13:59:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 13:59:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 13:59:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.535120374571854
+INFO 2025-08-05 14:00:01 /learner.py:612 [LEARNER] Number of optimization step: 467
+DEBUG 2025-08-05 14:00:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:00:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:00:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:00:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22117213
+DEBUG 2025-08-05 14:00:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:00:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5577379868847561
+INFO 2025-08-05 14:00:03 /learner.py:612 [LEARNER] Number of optimization step: 468
+DEBUG 2025-08-05 14:00:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6511002777405954
+INFO 2025-08-05 14:00:05 /learner.py:612 [LEARNER] Number of optimization step: 469
+DEBUG 2025-08-05 14:00:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5351810070390581
+INFO 2025-08-05 14:00:07 /learner.py:612 [LEARNER] Number of optimization step: 470
+DEBUG 2025-08-05 14:00:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5511748605852339
+INFO 2025-08-05 14:00:08 /learner.py:612 [LEARNER] Number of optimization step: 471
+DEBUG 2025-08-05 14:00:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5656046410238728
+INFO 2025-08-05 14:00:10 /learner.py:612 [LEARNER] Number of optimization step: 472
+DEBUG 2025-08-05 14:00:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5285716767340481
+INFO 2025-08-05 14:00:12 /learner.py:612 [LEARNER] Number of optimization step: 473
+DEBUG 2025-08-05 14:00:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5341032144927086
+INFO 2025-08-05 14:00:14 /learner.py:612 [LEARNER] Number of optimization step: 474
+DEBUG 2025-08-05 14:00:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5592781165099918
+INFO 2025-08-05 14:00:16 /learner.py:612 [LEARNER] Number of optimization step: 475
+DEBUG 2025-08-05 14:00:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5608956988338698
+INFO 2025-08-05 14:00:17 /learner.py:612 [LEARNER] Number of optimization step: 476
+DEBUG 2025-08-05 14:00:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5446512151004145
+INFO 2025-08-05 14:00:19 /learner.py:612 [LEARNER] Number of optimization step: 477
+DEBUG 2025-08-05 14:00:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:19 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:00:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:00:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7683043387140349
+INFO 2025-08-05 14:00:21 /learner.py:612 [LEARNER] Number of optimization step: 478
+DEBUG 2025-08-05 14:00:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:21 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:00:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+INFO 2025-08-05 14:00:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:00:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 95576362
+DEBUG 2025-08-05 14:00:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:00:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6707371732710818
+INFO 2025-08-05 14:00:22 /learner.py:612 [LEARNER] Number of optimization step: 479
+DEBUG 2025-08-05 14:00:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.566334514658497
+INFO 2025-08-05 14:00:25 /learner.py:612 [LEARNER] Number of optimization step: 480
+DEBUG 2025-08-05 14:00:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5357039171567365
+INFO 2025-08-05 14:00:26 /learner.py:612 [LEARNER] Number of optimization step: 481
+DEBUG 2025-08-05 14:00:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5411933930327717
+INFO 2025-08-05 14:00:28 /learner.py:612 [LEARNER] Number of optimization step: 482
+DEBUG 2025-08-05 14:00:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5448038838707429
+INFO 2025-08-05 14:00:30 /learner.py:612 [LEARNER] Number of optimization step: 483
+DEBUG 2025-08-05 14:00:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5297888637178282
+INFO 2025-08-05 14:00:32 /learner.py:612 [LEARNER] Number of optimization step: 484
+DEBUG 2025-08-05 14:00:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5374123482033456
+INFO 2025-08-05 14:00:34 /learner.py:612 [LEARNER] Number of optimization step: 485
+DEBUG 2025-08-05 14:00:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5422304738750496
+INFO 2025-08-05 14:00:36 /learner.py:612 [LEARNER] Number of optimization step: 486
+DEBUG 2025-08-05 14:00:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5533373822731593
+INFO 2025-08-05 14:00:38 /learner.py:612 [LEARNER] Number of optimization step: 487
+DEBUG 2025-08-05 14:00:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5915495496875284
+INFO 2025-08-05 14:00:39 /learner.py:612 [LEARNER] Number of optimization step: 488
+DEBUG 2025-08-05 14:00:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6670221523410648
+INFO 2025-08-05 14:00:41 /learner.py:612 [LEARNER] Number of optimization step: 489
+DEBUG 2025-08-05 14:00:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:00:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:00:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:00:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 98735994
+DEBUG 2025-08-05 14:00:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:00:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6662685860936388
+INFO 2025-08-05 14:00:42 /learner.py:612 [LEARNER] Number of optimization step: 490
+DEBUG 2025-08-05 14:00:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5633612577165552
+INFO 2025-08-05 14:00:45 /learner.py:612 [LEARNER] Number of optimization step: 491
+DEBUG 2025-08-05 14:00:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5553635033814124
+INFO 2025-08-05 14:00:47 /learner.py:612 [LEARNER] Number of optimization step: 492
+DEBUG 2025-08-05 14:00:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5412684712196454
+INFO 2025-08-05 14:00:48 /learner.py:612 [LEARNER] Number of optimization step: 493
+DEBUG 2025-08-05 14:00:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5431752909314894
+INFO 2025-08-05 14:00:50 /learner.py:612 [LEARNER] Number of optimization step: 494
+DEBUG 2025-08-05 14:00:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5395062573478471
+INFO 2025-08-05 14:00:52 /learner.py:612 [LEARNER] Number of optimization step: 495
+DEBUG 2025-08-05 14:00:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.530947676427055
+INFO 2025-08-05 14:00:54 /learner.py:612 [LEARNER] Number of optimization step: 496
+DEBUG 2025-08-05 14:00:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5296705783482978
+INFO 2025-08-05 14:00:56 /learner.py:612 [LEARNER] Number of optimization step: 497
+DEBUG 2025-08-05 14:00:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:00:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:00:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:00:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332036309836719
+INFO 2025-08-05 14:00:58 /learner.py:612 [LEARNER] Number of optimization step: 498
+DEBUG 2025-08-05 14:00:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:00:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:00:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:00:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:00:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.522881644183622
+INFO 2025-08-05 14:01:00 /learner.py:612 [LEARNER] Number of optimization step: 499
+DEBUG 2025-08-05 14:01:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5509198075321429
+INFO 2025-08-05 14:01:01 /learner.py:612 [LEARNER] Number of optimization step: 500
+DEBUG 2025-08-05 14:01:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5311159601152894
+INFO 2025-08-05 14:01:03 /learner.py:612 [LEARNER] Number of optimization step: 501
+DEBUG 2025-08-05 14:01:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5295258042147664
+INFO 2025-08-05 14:01:05 /learner.py:612 [LEARNER] Number of optimization step: 502
+DEBUG 2025-08-05 14:01:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5370026105279256
+INFO 2025-08-05 14:01:07 /learner.py:612 [LEARNER] Number of optimization step: 503
+DEBUG 2025-08-05 14:01:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5157006175094344
+INFO 2025-08-05 14:01:09 /learner.py:612 [LEARNER] Number of optimization step: 504
+DEBUG 2025-08-05 14:01:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49397294203494885
+INFO 2025-08-05 14:01:11 /learner.py:612 [LEARNER] Number of optimization step: 505
+DEBUG 2025-08-05 14:01:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7066304555256344
+INFO 2025-08-05 14:01:12 /learner.py:612 [LEARNER] Number of optimization step: 506
+DEBUG 2025-08-05 14:01:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6874270763237416
+INFO 2025-08-05 14:01:14 /learner.py:612 [LEARNER] Number of optimization step: 507
+DEBUG 2025-08-05 14:01:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:01:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+INFO 2025-08-05 14:01:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:01:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 182465411
+DEBUG 2025-08-05 14:01:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:01:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6167450159488029
+INFO 2025-08-05 14:01:16 /learner.py:612 [LEARNER] Number of optimization step: 508
+DEBUG 2025-08-05 14:01:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5521839897580813
+INFO 2025-08-05 14:01:19 /learner.py:612 [LEARNER] Number of optimization step: 509
+DEBUG 2025-08-05 14:01:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.528370853399916
+INFO 2025-08-05 14:01:21 /learner.py:612 [LEARNER] Number of optimization step: 510
+DEBUG 2025-08-05 14:01:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5379493581556621
+INFO 2025-08-05 14:01:22 /learner.py:612 [LEARNER] Number of optimization step: 511
+DEBUG 2025-08-05 14:01:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5442976749528771
+INFO 2025-08-05 14:01:24 /learner.py:612 [LEARNER] Number of optimization step: 512
+DEBUG 2025-08-05 14:01:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6018094869344531
+INFO 2025-08-05 14:01:26 /learner.py:612 [LEARNER] Number of optimization step: 513
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:01:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:01:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:01:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:01:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 58451533
+DEBUG 2025-08-05 14:01:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:01:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6450405600672404
+INFO 2025-08-05 14:01:27 /learner.py:612 [LEARNER] Number of optimization step: 514
+DEBUG 2025-08-05 14:01:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5398273344084222
+INFO 2025-08-05 14:01:30 /learner.py:612 [LEARNER] Number of optimization step: 515
+DEBUG 2025-08-05 14:01:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5434518791940648
+INFO 2025-08-05 14:01:32 /learner.py:612 [LEARNER] Number of optimization step: 516
+DEBUG 2025-08-05 14:01:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5311007611224435
+INFO 2025-08-05 14:01:34 /learner.py:612 [LEARNER] Number of optimization step: 517
+DEBUG 2025-08-05 14:01:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5186891394841804
+INFO 2025-08-05 14:01:36 /learner.py:612 [LEARNER] Number of optimization step: 518
+DEBUG 2025-08-05 14:01:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5480749312964831
+INFO 2025-08-05 14:01:37 /learner.py:612 [LEARNER] Number of optimization step: 519
+DEBUG 2025-08-05 14:01:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:01:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:01:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:01:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+INFO 2025-08-05 14:01:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:01:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:01:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 63190717
+DEBUG 2025-08-05 14:01:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:01:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6507458050992454
+INFO 2025-08-05 14:01:39 /learner.py:612 [LEARNER] Number of optimization step: 520
+DEBUG 2025-08-05 14:01:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5654594561154633
+INFO 2025-08-05 14:01:41 /learner.py:612 [LEARNER] Number of optimization step: 521
+DEBUG 2025-08-05 14:01:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5231796436506293
+INFO 2025-08-05 14:01:43 /learner.py:612 [LEARNER] Number of optimization step: 522
+DEBUG 2025-08-05 14:01:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5197125801004615
+INFO 2025-08-05 14:01:45 /learner.py:612 [LEARNER] Number of optimization step: 523
+DEBUG 2025-08-05 14:01:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5234280728304216
+INFO 2025-08-05 14:01:47 /learner.py:612 [LEARNER] Number of optimization step: 524
+DEBUG 2025-08-05 14:01:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5203995741094152
+INFO 2025-08-05 14:01:49 /learner.py:612 [LEARNER] Number of optimization step: 525
+DEBUG 2025-08-05 14:01:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5335308209714327
+INFO 2025-08-05 14:01:51 /learner.py:612 [LEARNER] Number of optimization step: 526
+DEBUG 2025-08-05 14:01:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5308295449110171
+INFO 2025-08-05 14:01:52 /learner.py:612 [LEARNER] Number of optimization step: 527
+DEBUG 2025-08-05 14:01:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5380110475066802
+INFO 2025-08-05 14:01:54 /learner.py:612 [LEARNER] Number of optimization step: 528
+DEBUG 2025-08-05 14:01:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5296846253167543
+INFO 2025-08-05 14:01:56 /learner.py:612 [LEARNER] Number of optimization step: 529
+DEBUG 2025-08-05 14:01:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:01:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:01:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:01:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5311522798156862
+INFO 2025-08-05 14:01:58 /learner.py:612 [LEARNER] Number of optimization step: 530
+DEBUG 2025-08-05 14:01:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:01:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:01:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:01:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:01:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5297420249579705
+INFO 2025-08-05 14:02:00 /learner.py:612 [LEARNER] Number of optimization step: 531
+DEBUG 2025-08-05 14:02:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5386987986167121
+INFO 2025-08-05 14:02:02 /learner.py:612 [LEARNER] Number of optimization step: 532
+DEBUG 2025-08-05 14:02:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5486167524868673
+INFO 2025-08-05 14:02:04 /learner.py:612 [LEARNER] Number of optimization step: 533
+DEBUG 2025-08-05 14:02:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5461638414058836
+INFO 2025-08-05 14:02:05 /learner.py:612 [LEARNER] Number of optimization step: 534
+DEBUG 2025-08-05 14:02:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5058443458116114
+INFO 2025-08-05 14:02:07 /learner.py:612 [LEARNER] Number of optimization step: 535
+DEBUG 2025-08-05 14:02:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.565082887317095
+INFO 2025-08-05 14:02:09 /learner.py:612 [LEARNER] Number of optimization step: 536
+DEBUG 2025-08-05 14:02:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.728336089189028
+INFO 2025-08-05 14:02:11 /learner.py:612 [LEARNER] Number of optimization step: 537
+DEBUG 2025-08-05 14:02:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6416503380442501
+INFO 2025-08-05 14:02:12 /learner.py:612 [LEARNER] Number of optimization step: 538
+DEBUG 2025-08-05 14:02:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:02:13 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:02:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:13 ort/utils.py:93 [LEARNER] transitions Received data at step end size 177726155
+DEBUG 2025-08-05 14:02:13 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:02:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49825522312294596
+INFO 2025-08-05 14:02:14 /learner.py:612 [LEARNER] Number of optimization step: 539
+DEBUG 2025-08-05 14:02:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5692764981598638
+INFO 2025-08-05 14:02:17 /learner.py:612 [LEARNER] Number of optimization step: 540
+DEBUG 2025-08-05 14:02:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5355898835442771
+INFO 2025-08-05 14:02:19 /learner.py:612 [LEARNER] Number of optimization step: 541
+DEBUG 2025-08-05 14:02:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5576265387676768
+INFO 2025-08-05 14:02:21 /learner.py:612 [LEARNER] Number of optimization step: 542
+DEBUG 2025-08-05 14:02:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5247456435192364
+INFO 2025-08-05 14:02:23 /learner.py:612 [LEARNER] Number of optimization step: 543
+DEBUG 2025-08-05 14:02:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7051651532172674
+INFO 2025-08-05 14:02:24 /learner.py:612 [LEARNER] Number of optimization step: 544
+DEBUG 2025-08-05 14:02:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:24 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:02:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:02:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:02:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:02:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 60821061
+DEBUG 2025-08-05 14:02:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:02:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7100627933446817
+INFO 2025-08-05 14:02:26 /learner.py:612 [LEARNER] Number of optimization step: 545
+DEBUG 2025-08-05 14:02:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5700723639881926
+INFO 2025-08-05 14:02:28 /learner.py:612 [LEARNER] Number of optimization step: 546
+DEBUG 2025-08-05 14:02:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5373663548928531
+INFO 2025-08-05 14:02:30 /learner.py:612 [LEARNER] Number of optimization step: 547
+DEBUG 2025-08-05 14:02:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:02:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:02:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5967879650360657
+INFO 2025-08-05 14:02:31 /learner.py:612 [LEARNER] Number of optimization step: 548
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:02:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30015981
+DEBUG 2025-08-05 14:02:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:02:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6195635536028926
+INFO 2025-08-05 14:02:33 /learner.py:612 [LEARNER] Number of optimization step: 549
+DEBUG 2025-08-05 14:02:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5589541249271308
+INFO 2025-08-05 14:02:35 /learner.py:612 [LEARNER] Number of optimization step: 550
+DEBUG 2025-08-05 14:02:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5564179361158335
+INFO 2025-08-05 14:02:37 /learner.py:612 [LEARNER] Number of optimization step: 551
+DEBUG 2025-08-05 14:02:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5298556567311772
+INFO 2025-08-05 14:02:39 /learner.py:612 [LEARNER] Number of optimization step: 552
+DEBUG 2025-08-05 14:02:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5014506220988316
+INFO 2025-08-05 14:02:41 /learner.py:612 [LEARNER] Number of optimization step: 553
+DEBUG 2025-08-05 14:02:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5428608294145405
+INFO 2025-08-05 14:02:42 /learner.py:612 [LEARNER] Number of optimization step: 554
+DEBUG 2025-08-05 14:02:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5426744897720723
+INFO 2025-08-05 14:02:44 /learner.py:612 [LEARNER] Number of optimization step: 555
+DEBUG 2025-08-05 14:02:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6939160344844167
+INFO 2025-08-05 14:02:46 /learner.py:612 [LEARNER] Number of optimization step: 556
+DEBUG 2025-08-05 14:02:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:46 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:02:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:02:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:02:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 79778522
+DEBUG 2025-08-05 14:02:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:02:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6713636300923412
+INFO 2025-08-05 14:02:47 /learner.py:612 [LEARNER] Number of optimization step: 557
+DEBUG 2025-08-05 14:02:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5592662592684953
+INFO 2025-08-05 14:02:50 /learner.py:612 [LEARNER] Number of optimization step: 558
+DEBUG 2025-08-05 14:02:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5363787820340025
+INFO 2025-08-05 14:02:51 /learner.py:612 [LEARNER] Number of optimization step: 559
+DEBUG 2025-08-05 14:02:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5809449460294086
+INFO 2025-08-05 14:02:53 /learner.py:612 [LEARNER] Number of optimization step: 560
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:02:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:02:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:02:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:02:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30015917
+DEBUG 2025-08-05 14:02:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6131489123796036
+INFO 2025-08-05 14:02:55 /learner.py:612 [LEARNER] Number of optimization step: 561
+DEBUG 2025-08-05 14:02:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5518874059823491
+INFO 2025-08-05 14:02:57 /learner.py:612 [LEARNER] Number of optimization step: 562
+DEBUG 2025-08-05 14:02:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:02:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:02:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:02:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:02:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5488296013747279
+INFO 2025-08-05 14:02:59 /learner.py:612 [LEARNER] Number of optimization step: 563
+DEBUG 2025-08-05 14:02:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:02:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:02:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:02:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5460935137163849
+INFO 2025-08-05 14:03:01 /learner.py:612 [LEARNER] Number of optimization step: 564
+DEBUG 2025-08-05 14:03:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5534658913003415
+INFO 2025-08-05 14:03:02 /learner.py:612 [LEARNER] Number of optimization step: 565
+DEBUG 2025-08-05 14:03:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5521538954482856
+INFO 2025-08-05 14:03:04 /learner.py:612 [LEARNER] Number of optimization step: 566
+DEBUG 2025-08-05 14:03:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5400653333489738
+INFO 2025-08-05 14:03:06 /learner.py:612 [LEARNER] Number of optimization step: 567
+DEBUG 2025-08-05 14:03:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5404847048673914
+INFO 2025-08-05 14:03:08 /learner.py:612 [LEARNER] Number of optimization step: 568
+DEBUG 2025-08-05 14:03:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5477019857527851
+INFO 2025-08-05 14:03:10 /learner.py:612 [LEARNER] Number of optimization step: 569
+DEBUG 2025-08-05 14:03:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5280119359041174
+INFO 2025-08-05 14:03:12 /learner.py:612 [LEARNER] Number of optimization step: 570
+DEBUG 2025-08-05 14:03:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.529550741182073
+INFO 2025-08-05 14:03:13 /learner.py:612 [LEARNER] Number of optimization step: 571
+DEBUG 2025-08-05 14:03:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6708953143559849
+INFO 2025-08-05 14:03:15 /learner.py:612 [LEARNER] Number of optimization step: 572
+DEBUG 2025-08-05 14:03:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:03:16 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:03:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:16 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:03:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:03:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 122433234
+DEBUG 2025-08-05 14:03:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:03:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5465230153306858
+INFO 2025-08-05 14:03:17 /learner.py:612 [LEARNER] Number of optimization step: 573
+DEBUG 2025-08-05 14:03:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5369278174695458
+INFO 2025-08-05 14:03:19 /learner.py:612 [LEARNER] Number of optimization step: 574
+DEBUG 2025-08-05 14:03:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.513091007092344
+INFO 2025-08-05 14:03:21 /learner.py:612 [LEARNER] Number of optimization step: 575
+DEBUG 2025-08-05 14:03:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5413104542431688
+INFO 2025-08-05 14:03:23 /learner.py:612 [LEARNER] Number of optimization step: 576
+DEBUG 2025-08-05 14:03:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5199877659018391
+INFO 2025-08-05 14:03:25 /learner.py:612 [LEARNER] Number of optimization step: 577
+DEBUG 2025-08-05 14:03:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5261501767371628
+INFO 2025-08-05 14:03:27 /learner.py:612 [LEARNER] Number of optimization step: 578
+DEBUG 2025-08-05 14:03:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5338760804524713
+INFO 2025-08-05 14:03:29 /learner.py:612 [LEARNER] Number of optimization step: 579
+DEBUG 2025-08-05 14:03:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5366499321494275
+INFO 2025-08-05 14:03:31 /learner.py:612 [LEARNER] Number of optimization step: 580
+DEBUG 2025-08-05 14:03:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5275704109275898
+INFO 2025-08-05 14:03:33 /learner.py:612 [LEARNER] Number of optimization step: 581
+DEBUG 2025-08-05 14:03:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6394506668188109
+INFO 2025-08-05 14:03:34 /learner.py:612 [LEARNER] Number of optimization step: 582
+DEBUG 2025-08-05 14:03:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6439482307598077
+INFO 2025-08-05 14:03:36 /learner.py:612 [LEARNER] Number of optimization step: 583
+DEBUG 2025-08-05 14:03:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:36 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:03:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:03:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 98736186
+DEBUG 2025-08-05 14:03:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:03:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6510860267365455
+INFO 2025-08-05 14:03:37 /learner.py:612 [LEARNER] Number of optimization step: 584
+DEBUG 2025-08-05 14:03:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5522796736550181
+INFO 2025-08-05 14:03:40 /learner.py:612 [LEARNER] Number of optimization step: 585
+DEBUG 2025-08-05 14:03:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5156254914729187
+INFO 2025-08-05 14:03:42 /learner.py:612 [LEARNER] Number of optimization step: 586
+DEBUG 2025-08-05 14:03:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5314153422922084
+INFO 2025-08-05 14:03:44 /learner.py:612 [LEARNER] Number of optimization step: 587
+DEBUG 2025-08-05 14:03:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6119168660796398
+INFO 2025-08-05 14:03:45 /learner.py:612 [LEARNER] Number of optimization step: 588
+DEBUG 2025-08-05 14:03:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:46 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:03:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:03:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 46603445
+DEBUG 2025-08-05 14:03:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:03:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6198493165082939
+INFO 2025-08-05 14:03:47 /learner.py:612 [LEARNER] Number of optimization step: 589
+DEBUG 2025-08-05 14:03:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5403006190120783
+INFO 2025-08-05 14:03:49 /learner.py:612 [LEARNER] Number of optimization step: 590
+DEBUG 2025-08-05 14:03:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:03:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:03:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5665472551969553
+INFO 2025-08-05 14:03:51 /learner.py:612 [LEARNER] Number of optimization step: 591
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:03:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:03:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 23697005
+DEBUG 2025-08-05 14:03:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:03:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6053804516499103
+INFO 2025-08-05 14:03:53 /learner.py:612 [LEARNER] Number of optimization step: 592
+DEBUG 2025-08-05 14:03:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5313706389682161
+INFO 2025-08-05 14:03:55 /learner.py:612 [LEARNER] Number of optimization step: 593
+DEBUG 2025-08-05 14:03:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5485968041253763
+INFO 2025-08-05 14:03:57 /learner.py:612 [LEARNER] Number of optimization step: 594
+DEBUG 2025-08-05 14:03:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:03:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:03:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:03:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:03:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5224987029179178
+INFO 2025-08-05 14:03:59 /learner.py:612 [LEARNER] Number of optimization step: 595
+DEBUG 2025-08-05 14:03:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:03:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:03:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:03:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5249287408691095
+INFO 2025-08-05 14:04:00 /learner.py:612 [LEARNER] Number of optimization step: 596
+DEBUG 2025-08-05 14:04:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5157387911900928
+INFO 2025-08-05 14:04:02 /learner.py:612 [LEARNER] Number of optimization step: 597
+DEBUG 2025-08-05 14:04:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5164169659899915
+INFO 2025-08-05 14:04:04 /learner.py:612 [LEARNER] Number of optimization step: 598
+DEBUG 2025-08-05 14:04:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5266729063118785
+INFO 2025-08-05 14:04:06 /learner.py:612 [LEARNER] Number of optimization step: 599
+DEBUG 2025-08-05 14:04:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332984096631632
+INFO 2025-08-05 14:04:08 /learner.py:612 [LEARNER] Number of optimization step: 600
+DEBUG 2025-08-05 14:04:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5373654598915515
+INFO 2025-08-05 14:04:10 /learner.py:612 [LEARNER] Number of optimization step: 601
+DEBUG 2025-08-05 14:04:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5343655325015946
+INFO 2025-08-05 14:04:12 /learner.py:612 [LEARNER] Number of optimization step: 602
+DEBUG 2025-08-05 14:04:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5211446506234534
+INFO 2025-08-05 14:04:14 /learner.py:612 [LEARNER] Number of optimization step: 603
+DEBUG 2025-08-05 14:04:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6788996790679335
+INFO 2025-08-05 14:04:15 /learner.py:612 [LEARNER] Number of optimization step: 604
+DEBUG 2025-08-05 14:04:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6411642229559231
+INFO 2025-08-05 14:04:17 /learner.py:612 [LEARNER] Number of optimization step: 605
+DEBUG 2025-08-05 14:04:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:04:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:04:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:17 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:04:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 137441454
+DEBUG 2025-08-05 14:04:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:04:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5253261755790659
+INFO 2025-08-05 14:04:19 /learner.py:612 [LEARNER] Number of optimization step: 606
+DEBUG 2025-08-05 14:04:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5439590550321735
+INFO 2025-08-05 14:04:22 /learner.py:612 [LEARNER] Number of optimization step: 607
+DEBUG 2025-08-05 14:04:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5214249854875573
+INFO 2025-08-05 14:04:24 /learner.py:612 [LEARNER] Number of optimization step: 608
+DEBUG 2025-08-05 14:04:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5258508283862667
+INFO 2025-08-05 14:04:25 /learner.py:612 [LEARNER] Number of optimization step: 609
+DEBUG 2025-08-05 14:04:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5559393650726282
+INFO 2025-08-05 14:04:27 /learner.py:612 [LEARNER] Number of optimization step: 610
+DEBUG 2025-08-05 14:04:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5298489632852464
+INFO 2025-08-05 14:04:29 /learner.py:612 [LEARNER] Number of optimization step: 611
+DEBUG 2025-08-05 14:04:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5254184374927952
+INFO 2025-08-05 14:04:31 /learner.py:612 [LEARNER] Number of optimization step: 612
+DEBUG 2025-08-05 14:04:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5413507668682508
+INFO 2025-08-05 14:04:33 /learner.py:612 [LEARNER] Number of optimization step: 613
+DEBUG 2025-08-05 14:04:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5458376709634613
+INFO 2025-08-05 14:04:35 /learner.py:612 [LEARNER] Number of optimization step: 614
+DEBUG 2025-08-05 14:04:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5408805239392415
+INFO 2025-08-05 14:04:37 /learner.py:612 [LEARNER] Number of optimization step: 615
+DEBUG 2025-08-05 14:04:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5460040125535232
+INFO 2025-08-05 14:04:38 /learner.py:612 [LEARNER] Number of optimization step: 616
+DEBUG 2025-08-05 14:04:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5412359231410225
+INFO 2025-08-05 14:04:40 /learner.py:612 [LEARNER] Number of optimization step: 617
+DEBUG 2025-08-05 14:04:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5388523018001539
+INFO 2025-08-05 14:04:42 /learner.py:612 [LEARNER] Number of optimization step: 618
+DEBUG 2025-08-05 14:04:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5380644678362619
+INFO 2025-08-05 14:04:44 /learner.py:612 [LEARNER] Number of optimization step: 619
+DEBUG 2025-08-05 14:04:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5265461587439816
+INFO 2025-08-05 14:04:46 /learner.py:612 [LEARNER] Number of optimization step: 620
+DEBUG 2025-08-05 14:04:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.551689376630407
+INFO 2025-08-05 14:04:48 /learner.py:612 [LEARNER] Number of optimization step: 621
+DEBUG 2025-08-05 14:04:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7447906164029436
+INFO 2025-08-05 14:04:49 /learner.py:612 [LEARNER] Number of optimization step: 622
+DEBUG 2025-08-05 14:04:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7291457942413723
+INFO 2025-08-05 14:04:50 /learner.py:612 [LEARNER] Number of optimization step: 623
+DEBUG 2025-08-05 14:04:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:51 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:04:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:51 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:04:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+INFO 2025-08-05 14:04:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:04:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:04:52 ort/utils.py:93 [LEARNER] transitions Received data at step end size 180095847
+DEBUG 2025-08-05 14:04:52 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:04:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6621487834289064
+INFO 2025-08-05 14:04:52 /learner.py:612 [LEARNER] Number of optimization step: 624
+DEBUG 2025-08-05 14:04:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5781701314717869
+INFO 2025-08-05 14:04:55 /learner.py:612 [LEARNER] Number of optimization step: 625
+DEBUG 2025-08-05 14:04:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5627736258416413
+INFO 2025-08-05 14:04:57 /learner.py:612 [LEARNER] Number of optimization step: 626
+DEBUG 2025-08-05 14:04:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:04:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:04:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:04:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:04:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5395555328524776
+INFO 2025-08-05 14:04:59 /learner.py:612 [LEARNER] Number of optimization step: 627
+DEBUG 2025-08-05 14:04:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:04:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:04:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:04:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5624171400145611
+INFO 2025-08-05 14:05:00 /learner.py:612 [LEARNER] Number of optimization step: 628
+DEBUG 2025-08-05 14:05:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.536329262063717
+INFO 2025-08-05 14:05:02 /learner.py:612 [LEARNER] Number of optimization step: 629
+DEBUG 2025-08-05 14:05:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6847212758087371
+INFO 2025-08-05 14:05:04 /learner.py:612 [LEARNER] Number of optimization step: 630
+DEBUG 2025-08-05 14:05:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:04 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:05:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:05:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 67140314
+DEBUG 2025-08-05 14:05:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:05:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7144786416355945
+INFO 2025-08-05 14:05:05 /learner.py:612 [LEARNER] Number of optimization step: 631
+DEBUG 2025-08-05 14:05:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.56446848964381
+INFO 2025-08-05 14:05:07 /learner.py:612 [LEARNER] Number of optimization step: 632
+DEBUG 2025-08-05 14:05:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5351444074197028
+INFO 2025-08-05 14:05:09 /learner.py:612 [LEARNER] Number of optimization step: 633
+DEBUG 2025-08-05 14:05:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5350994841340762
+INFO 2025-08-05 14:05:11 /learner.py:612 [LEARNER] Number of optimization step: 634
+DEBUG 2025-08-05 14:05:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5346682496183643
+INFO 2025-08-05 14:05:13 /learner.py:612 [LEARNER] Number of optimization step: 635
+DEBUG 2025-08-05 14:05:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5672043083876152
+INFO 2025-08-05 14:05:15 /learner.py:612 [LEARNER] Number of optimization step: 636
+DEBUG 2025-08-05 14:05:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.537027087781246
+INFO 2025-08-05 14:05:17 /learner.py:612 [LEARNER] Number of optimization step: 637
+DEBUG 2025-08-05 14:05:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5471438393127506
+INFO 2025-08-05 14:05:18 /learner.py:612 [LEARNER] Number of optimization step: 638
+DEBUG 2025-08-05 14:05:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5330088235876796
+INFO 2025-08-05 14:05:20 /learner.py:612 [LEARNER] Number of optimization step: 639
+DEBUG 2025-08-05 14:05:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5457345488831629
+INFO 2025-08-05 14:05:22 /learner.py:612 [LEARNER] Number of optimization step: 640
+DEBUG 2025-08-05 14:05:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5326131425994436
+INFO 2025-08-05 14:05:24 /learner.py:612 [LEARNER] Number of optimization step: 641
+DEBUG 2025-08-05 14:05:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5203408243191128
+INFO 2025-08-05 14:05:26 /learner.py:612 [LEARNER] Number of optimization step: 642
+DEBUG 2025-08-05 14:05:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5302195660069318
+INFO 2025-08-05 14:05:28 /learner.py:612 [LEARNER] Number of optimization step: 643
+DEBUG 2025-08-05 14:05:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5192083250793712
+INFO 2025-08-05 14:05:30 /learner.py:612 [LEARNER] Number of optimization step: 644
+DEBUG 2025-08-05 14:05:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5218268036071991
+INFO 2025-08-05 14:05:32 /learner.py:612 [LEARNER] Number of optimization step: 645
+DEBUG 2025-08-05 14:05:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5096876157149115
+INFO 2025-08-05 14:05:34 /learner.py:612 [LEARNER] Number of optimization step: 646
+DEBUG 2025-08-05 14:05:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6635081911722227
+INFO 2025-08-05 14:05:35 /learner.py:612 [LEARNER] Number of optimization step: 647
+DEBUG 2025-08-05 14:05:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7273708502111694
+INFO 2025-08-05 14:05:36 /learner.py:612 [LEARNER] Number of optimization step: 648
+DEBUG 2025-08-05 14:05:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6761927588718624
+INFO 2025-08-05 14:05:38 /learner.py:612 [LEARNER] Number of optimization step: 649
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:05:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:05:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:38 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:05:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:05:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 180885467
+DEBUG 2025-08-05 14:05:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:05:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5487493239514176
+INFO 2025-08-05 14:05:40 /learner.py:612 [LEARNER] Number of optimization step: 650
+DEBUG 2025-08-05 14:05:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:05:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5356951594054152
+INFO 2025-08-05 14:05:43 /learner.py:612 [LEARNER] Number of optimization step: 651
+DEBUG 2025-08-05 14:05:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.526115065818987
+INFO 2025-08-05 14:05:45 /learner.py:612 [LEARNER] Number of optimization step: 652
+DEBUG 2025-08-05 14:05:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5335212518857286
+INFO 2025-08-05 14:05:47 /learner.py:612 [LEARNER] Number of optimization step: 653
+DEBUG 2025-08-05 14:05:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.516826638157287
+INFO 2025-08-05 14:05:49 /learner.py:612 [LEARNER] Number of optimization step: 654
+DEBUG 2025-08-05 14:05:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.533572766120106
+INFO 2025-08-05 14:05:50 /learner.py:612 [LEARNER] Number of optimization step: 655
+DEBUG 2025-08-05 14:05:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6561176103732346
+INFO 2025-08-05 14:05:52 /learner.py:612 [LEARNER] Number of optimization step: 656
+DEBUG 2025-08-05 14:05:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:05:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:05:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:52 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:05:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:53 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:05:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:05:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 72669382
+DEBUG 2025-08-05 14:05:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:05:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.685584417067371
+INFO 2025-08-05 14:05:53 /learner.py:612 [LEARNER] Number of optimization step: 657
+DEBUG 2025-08-05 14:05:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5561414901824239
+INFO 2025-08-05 14:05:56 /learner.py:612 [LEARNER] Number of optimization step: 658
+DEBUG 2025-08-05 14:05:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.544413821828187
+INFO 2025-08-05 14:05:58 /learner.py:612 [LEARNER] Number of optimization step: 659
+DEBUG 2025-08-05 14:05:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:05:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:05:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:05:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:05:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:05:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:05:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:05:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5333277721259748
+INFO 2025-08-05 14:05:59 /learner.py:612 [LEARNER] Number of optimization step: 660
+DEBUG 2025-08-05 14:06:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5328621513829926
+INFO 2025-08-05 14:06:01 /learner.py:612 [LEARNER] Number of optimization step: 661
+DEBUG 2025-08-05 14:06:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5312143038236837
+INFO 2025-08-05 14:06:03 /learner.py:612 [LEARNER] Number of optimization step: 662
+DEBUG 2025-08-05 14:06:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5315680905048139
+INFO 2025-08-05 14:06:05 /learner.py:612 [LEARNER] Number of optimization step: 663
+DEBUG 2025-08-05 14:06:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5577683963007701
+INFO 2025-08-05 14:06:07 /learner.py:612 [LEARNER] Number of optimization step: 664
+DEBUG 2025-08-05 14:06:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5421090906716082
+INFO 2025-08-05 14:06:09 /learner.py:612 [LEARNER] Number of optimization step: 665
+DEBUG 2025-08-05 14:06:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5423425843486219
+INFO 2025-08-05 14:06:11 /learner.py:612 [LEARNER] Number of optimization step: 666
+DEBUG 2025-08-05 14:06:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5386320402659028
+INFO 2025-08-05 14:06:12 /learner.py:612 [LEARNER] Number of optimization step: 667
+DEBUG 2025-08-05 14:06:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5414053417020712
+INFO 2025-08-05 14:06:14 /learner.py:612 [LEARNER] Number of optimization step: 668
+DEBUG 2025-08-05 14:06:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5205955456705035
+INFO 2025-08-05 14:06:16 /learner.py:612 [LEARNER] Number of optimization step: 669
+DEBUG 2025-08-05 14:06:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5400110978444934
+INFO 2025-08-05 14:06:18 /learner.py:612 [LEARNER] Number of optimization step: 670
+DEBUG 2025-08-05 14:06:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5309463322005927
+INFO 2025-08-05 14:06:20 /learner.py:612 [LEARNER] Number of optimization step: 671
+DEBUG 2025-08-05 14:06:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5779845727028545
+INFO 2025-08-05 14:06:22 /learner.py:612 [LEARNER] Number of optimization step: 672
+DEBUG 2025-08-05 14:06:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7214181145681932
+INFO 2025-08-05 14:06:23 /learner.py:612 [LEARNER] Number of optimization step: 673
+DEBUG 2025-08-05 14:06:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6468196556138599
+INFO 2025-08-05 14:06:25 /learner.py:612 [LEARNER] Number of optimization step: 674
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:06:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:06:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:06:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 173776710
+DEBUG 2025-08-05 14:06:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:06:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5469374307599856
+INFO 2025-08-05 14:06:26 /learner.py:612 [LEARNER] Number of optimization step: 675
+DEBUG 2025-08-05 14:06:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:06:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:06:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:06:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:06:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.673681396718567
+INFO 2025-08-05 14:06:29 /learner.py:612 [LEARNER] Number of optimization step: 676
+DEBUG 2025-08-05 14:06:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5436950589193071
+INFO 2025-08-05 14:06:31 /learner.py:612 [LEARNER] Number of optimization step: 677
+DEBUG 2025-08-05 14:06:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5473074786096351
+INFO 2025-08-05 14:06:33 /learner.py:612 [LEARNER] Number of optimization step: 678
+DEBUG 2025-08-05 14:06:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5664683672663979
+INFO 2025-08-05 14:06:35 /learner.py:612 [LEARNER] Number of optimization step: 679
+DEBUG 2025-08-05 14:06:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5491145675397112
+INFO 2025-08-05 14:06:36 /learner.py:612 [LEARNER] Number of optimization step: 680
+DEBUG 2025-08-05 14:06:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.559922892385055
+INFO 2025-08-05 14:06:38 /learner.py:612 [LEARNER] Number of optimization step: 681
+DEBUG 2025-08-05 14:06:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.541545917315856
+INFO 2025-08-05 14:06:40 /learner.py:612 [LEARNER] Number of optimization step: 682
+DEBUG 2025-08-05 14:06:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6931376246293527
+INFO 2025-08-05 14:06:41 /learner.py:612 [LEARNER] Number of optimization step: 683
+DEBUG 2025-08-05 14:06:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:42 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:06:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:06:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 71879634
+DEBUG 2025-08-05 14:06:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:06:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.767199179076284
+INFO 2025-08-05 14:06:43 /learner.py:612 [LEARNER] Number of optimization step: 684
+DEBUG 2025-08-05 14:06:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6021983957004079
+INFO 2025-08-05 14:06:45 /learner.py:612 [LEARNER] Number of optimization step: 685
+DEBUG 2025-08-05 14:06:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5570282396651663
+INFO 2025-08-05 14:06:47 /learner.py:612 [LEARNER] Number of optimization step: 686
+DEBUG 2025-08-05 14:06:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5471796716618473
+INFO 2025-08-05 14:06:49 /learner.py:612 [LEARNER] Number of optimization step: 687
+DEBUG 2025-08-05 14:06:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5350105473569924
+INFO 2025-08-05 14:06:50 /learner.py:612 [LEARNER] Number of optimization step: 688
+DEBUG 2025-08-05 14:06:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5457107624748287
+INFO 2025-08-05 14:06:52 /learner.py:612 [LEARNER] Number of optimization step: 689
+DEBUG 2025-08-05 14:06:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5475964422784855
+INFO 2025-08-05 14:06:54 /learner.py:612 [LEARNER] Number of optimization step: 690
+DEBUG 2025-08-05 14:06:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.666360465542348
+INFO 2025-08-05 14:06:56 /learner.py:612 [LEARNER] Number of optimization step: 691
+DEBUG 2025-08-05 14:06:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:06:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+INFO 2025-08-05 14:06:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:06:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:06:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 75829206
+DEBUG 2025-08-05 14:06:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:06:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6767694968438951
+INFO 2025-08-05 14:06:57 /learner.py:612 [LEARNER] Number of optimization step: 692
+DEBUG 2025-08-05 14:06:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:06:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:06:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:06:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:06:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5938416258909276
+INFO 2025-08-05 14:06:59 /learner.py:612 [LEARNER] Number of optimization step: 693
+DEBUG 2025-08-05 14:06:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:06:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:06:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:06:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5452069072361724
+INFO 2025-08-05 14:07:01 /learner.py:612 [LEARNER] Number of optimization step: 694
+DEBUG 2025-08-05 14:07:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:07:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5739322811173208
+INFO 2025-08-05 14:07:03 /learner.py:612 [LEARNER] Number of optimization step: 695
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:07:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436253
+DEBUG 2025-08-05 14:07:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:07:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6724897854665149
+INFO 2025-08-05 14:07:04 /learner.py:612 [LEARNER] Number of optimization step: 696
+DEBUG 2025-08-05 14:07:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5843819699530347
+INFO 2025-08-05 14:07:06 /learner.py:612 [LEARNER] Number of optimization step: 697
+DEBUG 2025-08-05 14:07:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5564209625313595
+INFO 2025-08-05 14:07:08 /learner.py:612 [LEARNER] Number of optimization step: 698
+DEBUG 2025-08-05 14:07:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5469834364587705
+INFO 2025-08-05 14:07:10 /learner.py:612 [LEARNER] Number of optimization step: 699
+DEBUG 2025-08-05 14:07:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5461873828281345
+INFO 2025-08-05 14:07:12 /learner.py:612 [LEARNER] Number of optimization step: 700
+DEBUG 2025-08-05 14:07:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5565788985188349
+INFO 2025-08-05 14:07:14 /learner.py:612 [LEARNER] Number of optimization step: 701
+DEBUG 2025-08-05 14:07:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5417027966483418
+INFO 2025-08-05 14:07:15 /learner.py:612 [LEARNER] Number of optimization step: 702
+DEBUG 2025-08-05 14:07:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.671872096163008
+INFO 2025-08-05 14:07:17 /learner.py:612 [LEARNER] Number of optimization step: 703
+DEBUG 2025-08-05 14:07:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:07:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 75039138
+DEBUG 2025-08-05 14:07:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:07:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7363190886651864
+INFO 2025-08-05 14:07:18 /learner.py:612 [LEARNER] Number of optimization step: 704
+DEBUG 2025-08-05 14:07:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5287068656172763
+INFO 2025-08-05 14:07:21 /learner.py:612 [LEARNER] Number of optimization step: 705
+DEBUG 2025-08-05 14:07:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5116557937956973
+INFO 2025-08-05 14:07:23 /learner.py:612 [LEARNER] Number of optimization step: 706
+DEBUG 2025-08-05 14:07:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5557282563453442
+INFO 2025-08-05 14:07:25 /learner.py:612 [LEARNER] Number of optimization step: 707
+DEBUG 2025-08-05 14:07:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:07:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 35545093
+DEBUG 2025-08-05 14:07:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:07:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6445819845010979
+INFO 2025-08-05 14:07:26 /learner.py:612 [LEARNER] Number of optimization step: 708
+DEBUG 2025-08-05 14:07:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5502366079036456
+INFO 2025-08-05 14:07:28 /learner.py:612 [LEARNER] Number of optimization step: 709
+DEBUG 2025-08-05 14:07:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5127247115826283
+INFO 2025-08-05 14:07:30 /learner.py:612 [LEARNER] Number of optimization step: 710
+DEBUG 2025-08-05 14:07:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.53004448155851
+INFO 2025-08-05 14:07:32 /learner.py:612 [LEARNER] Number of optimization step: 711
+DEBUG 2025-08-05 14:07:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5166229935298862
+INFO 2025-08-05 14:07:34 /learner.py:612 [LEARNER] Number of optimization step: 712
+DEBUG 2025-08-05 14:07:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5300697353605358
+INFO 2025-08-05 14:07:36 /learner.py:612 [LEARNER] Number of optimization step: 713
+DEBUG 2025-08-05 14:07:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.48351672144227215
+INFO 2025-08-05 14:07:38 /learner.py:612 [LEARNER] Number of optimization step: 714
+DEBUG 2025-08-05 14:07:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5573523718132352
+INFO 2025-08-05 14:07:40 /learner.py:612 [LEARNER] Number of optimization step: 715
+DEBUG 2025-08-05 14:07:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5592432919541555
+INFO 2025-08-05 14:07:42 /learner.py:612 [LEARNER] Number of optimization step: 716
+DEBUG 2025-08-05 14:07:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6400277351672846
+INFO 2025-08-05 14:07:43 /learner.py:612 [LEARNER] Number of optimization step: 717
+DEBUG 2025-08-05 14:07:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6654796575691755
+INFO 2025-08-05 14:07:45 /learner.py:612 [LEARNER] Number of optimization step: 718
+DEBUG 2025-08-05 14:07:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:07:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 100316130
+DEBUG 2025-08-05 14:07:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:07:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6400095700460006
+INFO 2025-08-05 14:07:46 /learner.py:612 [LEARNER] Number of optimization step: 719
+DEBUG 2025-08-05 14:07:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:07:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:07:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6538099591792337
+INFO 2025-08-05 14:07:49 /learner.py:612 [LEARNER] Number of optimization step: 720
+DEBUG 2025-08-05 14:07:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523105323976397
+INFO 2025-08-05 14:07:51 /learner.py:612 [LEARNER] Number of optimization step: 721
+DEBUG 2025-08-05 14:07:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5006804173777223
+INFO 2025-08-05 14:07:53 /learner.py:612 [LEARNER] Number of optimization step: 722
+DEBUG 2025-08-05 14:07:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5222086302366885
+INFO 2025-08-05 14:07:55 /learner.py:612 [LEARNER] Number of optimization step: 723
+DEBUG 2025-08-05 14:07:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.522003776451042
+INFO 2025-08-05 14:07:56 /learner.py:612 [LEARNER] Number of optimization step: 724
+DEBUG 2025-08-05 14:07:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:57 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:07:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:07:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:07:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:07:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:07:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 45023717
+DEBUG 2025-08-05 14:07:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:07:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:07:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:07:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:07:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6282809907193413
+INFO 2025-08-05 14:07:58 /learner.py:612 [LEARNER] Number of optimization step: 725
+DEBUG 2025-08-05 14:07:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:07:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:07:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:07:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:07:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5412350152035362
+INFO 2025-08-05 14:08:00 /learner.py:612 [LEARNER] Number of optimization step: 726
+DEBUG 2025-08-05 14:08:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5291643150311166
+INFO 2025-08-05 14:08:02 /learner.py:612 [LEARNER] Number of optimization step: 727
+DEBUG 2025-08-05 14:08:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5265064345860875
+INFO 2025-08-05 14:08:04 /learner.py:612 [LEARNER] Number of optimization step: 728
+DEBUG 2025-08-05 14:08:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5488463347793228
+INFO 2025-08-05 14:08:06 /learner.py:612 [LEARNER] Number of optimization step: 729
+DEBUG 2025-08-05 14:08:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:06 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:08:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:08:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 42654061
+DEBUG 2025-08-05 14:08:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:08:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6756694622866414
+INFO 2025-08-05 14:08:07 /learner.py:612 [LEARNER] Number of optimization step: 730
+DEBUG 2025-08-05 14:08:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5771753727154478
+INFO 2025-08-05 14:08:09 /learner.py:612 [LEARNER] Number of optimization step: 731
+DEBUG 2025-08-05 14:08:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5212786580338703
+INFO 2025-08-05 14:08:11 /learner.py:612 [LEARNER] Number of optimization step: 732
+DEBUG 2025-08-05 14:08:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5307471930612915
+INFO 2025-08-05 14:08:13 /learner.py:612 [LEARNER] Number of optimization step: 733
+DEBUG 2025-08-05 14:08:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5406306562453629
+INFO 2025-08-05 14:08:15 /learner.py:612 [LEARNER] Number of optimization step: 734
+DEBUG 2025-08-05 14:08:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5463742214612249
+INFO 2025-08-05 14:08:17 /learner.py:612 [LEARNER] Number of optimization step: 735
+DEBUG 2025-08-05 14:08:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5398586709879262
+INFO 2025-08-05 14:08:19 /learner.py:612 [LEARNER] Number of optimization step: 736
+DEBUG 2025-08-05 14:08:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5374999500529787
+INFO 2025-08-05 14:08:20 /learner.py:612 [LEARNER] Number of optimization step: 737
+DEBUG 2025-08-05 14:08:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5509138738258694
+INFO 2025-08-05 14:08:22 /learner.py:612 [LEARNER] Number of optimization step: 738
+DEBUG 2025-08-05 14:08:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5430925099869992
+INFO 2025-08-05 14:08:24 /learner.py:612 [LEARNER] Number of optimization step: 739
+DEBUG 2025-08-05 14:08:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5365570473015486
+INFO 2025-08-05 14:08:26 /learner.py:612 [LEARNER] Number of optimization step: 740
+DEBUG 2025-08-05 14:08:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5414335068999451
+INFO 2025-08-05 14:08:28 /learner.py:612 [LEARNER] Number of optimization step: 741
+DEBUG 2025-08-05 14:08:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.522017159828912
+INFO 2025-08-05 14:08:30 /learner.py:612 [LEARNER] Number of optimization step: 742
+DEBUG 2025-08-05 14:08:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5224767036138185
+INFO 2025-08-05 14:08:32 /learner.py:612 [LEARNER] Number of optimization step: 743
+DEBUG 2025-08-05 14:08:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6984736105638041
+INFO 2025-08-05 14:08:33 /learner.py:612 [LEARNER] Number of optimization step: 744
+DEBUG 2025-08-05 14:08:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6597639237587064
+INFO 2025-08-05 14:08:35 /learner.py:612 [LEARNER] Number of optimization step: 745
+DEBUG 2025-08-05 14:08:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:35 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:08:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:08:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 147710034
+DEBUG 2025-08-05 14:08:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:08:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5882350297788547
+INFO 2025-08-05 14:08:36 /learner.py:612 [LEARNER] Number of optimization step: 746
+DEBUG 2025-08-05 14:08:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5750585536348607
+INFO 2025-08-05 14:08:39 /learner.py:612 [LEARNER] Number of optimization step: 747
+DEBUG 2025-08-05 14:08:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5378021613289924
+INFO 2025-08-05 14:08:41 /learner.py:612 [LEARNER] Number of optimization step: 748
+DEBUG 2025-08-05 14:08:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.572382433690774
+INFO 2025-08-05 14:08:43 /learner.py:612 [LEARNER] Number of optimization step: 749
+DEBUG 2025-08-05 14:08:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.530186590636152
+INFO 2025-08-05 14:08:45 /learner.py:612 [LEARNER] Number of optimization step: 750
+DEBUG 2025-08-05 14:08:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5319951464058494
+INFO 2025-08-05 14:08:47 /learner.py:612 [LEARNER] Number of optimization step: 751
+DEBUG 2025-08-05 14:08:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5580908658376008
+INFO 2025-08-05 14:08:48 /learner.py:612 [LEARNER] Number of optimization step: 752
+DEBUG 2025-08-05 14:08:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5670824516009094
+INFO 2025-08-05 14:08:50 /learner.py:612 [LEARNER] Number of optimization step: 753
+DEBUG 2025-08-05 14:08:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:08:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:08:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7082178378649099
+INFO 2025-08-05 14:08:52 /learner.py:612 [LEARNER] Number of optimization step: 754
+DEBUG 2025-08-05 14:08:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:08:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:08:52 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:52 ort/utils.py:93 [LEARNER] transitions Received data at step end size 90837234
+DEBUG 2025-08-05 14:08:52 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:08:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.630010067918326
+INFO 2025-08-05 14:08:53 /learner.py:612 [LEARNER] Number of optimization step: 755
+DEBUG 2025-08-05 14:08:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6045672796075615
+INFO 2025-08-05 14:08:55 /learner.py:612 [LEARNER] Number of optimization step: 756
+DEBUG 2025-08-05 14:08:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:08:56 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:08:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:08:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:08:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:08:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6982629092397715
+INFO 2025-08-05 14:08:57 /learner.py:612 [LEARNER] Number of optimization step: 757
+DEBUG 2025-08-05 14:08:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:08:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:08:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:08:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:08:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5959329172951489
+INFO 2025-08-05 14:08:59 /learner.py:612 [LEARNER] Number of optimization step: 758
+DEBUG 2025-08-05 14:08:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:08:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:08:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:08:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.553060341799259
+INFO 2025-08-05 14:09:00 /learner.py:612 [LEARNER] Number of optimization step: 759
+DEBUG 2025-08-05 14:09:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5830763846371482
+INFO 2025-08-05 14:09:02 /learner.py:612 [LEARNER] Number of optimization step: 760
+DEBUG 2025-08-05 14:09:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5425201348110748
+INFO 2025-08-05 14:09:04 /learner.py:612 [LEARNER] Number of optimization step: 761
+DEBUG 2025-08-05 14:09:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5502394952662536
+INFO 2025-08-05 14:09:06 /learner.py:612 [LEARNER] Number of optimization step: 762
+DEBUG 2025-08-05 14:09:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8010949407549695
+INFO 2025-08-05 14:09:07 /learner.py:612 [LEARNER] Number of optimization step: 763
+DEBUG 2025-08-05 14:09:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:09:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:09:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:09:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:09:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 57661605
+DEBUG 2025-08-05 14:09:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:09:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6398669217989794
+INFO 2025-08-05 14:09:09 /learner.py:612 [LEARNER] Number of optimization step: 764
+DEBUG 2025-08-05 14:09:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5960973091013492
+INFO 2025-08-05 14:09:11 /learner.py:612 [LEARNER] Number of optimization step: 765
+DEBUG 2025-08-05 14:09:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:09:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:09:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:09:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:09:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5620135829725635
+INFO 2025-08-05 14:09:12 /learner.py:612 [LEARNER] Number of optimization step: 766
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:09:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:13 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:09:13 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:09:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6882823737347138
+INFO 2025-08-05 14:09:14 /learner.py:612 [LEARNER] Number of optimization step: 767
+DEBUG 2025-08-05 14:09:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5519001143307259
+INFO 2025-08-05 14:09:16 /learner.py:612 [LEARNER] Number of optimization step: 768
+DEBUG 2025-08-05 14:09:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5738960789200296
+INFO 2025-08-05 14:09:18 /learner.py:612 [LEARNER] Number of optimization step: 769
+DEBUG 2025-08-05 14:09:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5812630395417315
+INFO 2025-08-05 14:09:19 /learner.py:612 [LEARNER] Number of optimization step: 770
+DEBUG 2025-08-05 14:09:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:20 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:09:20 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:09:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:20 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33965429
+DEBUG 2025-08-05 14:09:20 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:09:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7266346877520296
+INFO 2025-08-05 14:09:21 /learner.py:612 [LEARNER] Number of optimization step: 771
+DEBUG 2025-08-05 14:09:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5477798107883702
+INFO 2025-08-05 14:09:23 /learner.py:612 [LEARNER] Number of optimization step: 772
+DEBUG 2025-08-05 14:09:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:09:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:09:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:09:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:09:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5745301594267616
+INFO 2025-08-05 14:09:25 /learner.py:612 [LEARNER] Number of optimization step: 773
+DEBUG 2025-08-05 14:09:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6675526399204599
+INFO 2025-08-05 14:09:26 /learner.py:612 [LEARNER] Number of optimization step: 774
+DEBUG 2025-08-05 14:09:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5389603185802594
+INFO 2025-08-05 14:09:28 /learner.py:612 [LEARNER] Number of optimization step: 775
+DEBUG 2025-08-05 14:09:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5493827747707922
+INFO 2025-08-05 14:09:30 /learner.py:612 [LEARNER] Number of optimization step: 776
+DEBUG 2025-08-05 14:09:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5531067998563268
+INFO 2025-08-05 14:09:32 /learner.py:612 [LEARNER] Number of optimization step: 777
+DEBUG 2025-08-05 14:09:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:09:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:09:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:09:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 39494541
+DEBUG 2025-08-05 14:09:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:09:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6281445570314923
+INFO 2025-08-05 14:09:33 /learner.py:612 [LEARNER] Number of optimization step: 778
+DEBUG 2025-08-05 14:09:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6245613195217702
+INFO 2025-08-05 14:09:35 /learner.py:612 [LEARNER] Number of optimization step: 779
+DEBUG 2025-08-05 14:09:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5293230529327417
+INFO 2025-08-05 14:09:37 /learner.py:612 [LEARNER] Number of optimization step: 780
+DEBUG 2025-08-05 14:09:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5518263414546362
+INFO 2025-08-05 14:09:39 /learner.py:612 [LEARNER] Number of optimization step: 781
+DEBUG 2025-08-05 14:09:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5331359235070054
+INFO 2025-08-05 14:09:41 /learner.py:612 [LEARNER] Number of optimization step: 782
+DEBUG 2025-08-05 14:09:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5358122495831137
+INFO 2025-08-05 14:09:43 /learner.py:612 [LEARNER] Number of optimization step: 783
+DEBUG 2025-08-05 14:09:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5445186367555537
+INFO 2025-08-05 14:09:45 /learner.py:612 [LEARNER] Number of optimization step: 784
+DEBUG 2025-08-05 14:09:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5456313237991525
+INFO 2025-08-05 14:09:46 /learner.py:612 [LEARNER] Number of optimization step: 785
+DEBUG 2025-08-05 14:09:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5466824356791505
+INFO 2025-08-05 14:09:48 /learner.py:612 [LEARNER] Number of optimization step: 786
+DEBUG 2025-08-05 14:09:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5503676524967009
+INFO 2025-08-05 14:09:50 /learner.py:612 [LEARNER] Number of optimization step: 787
+DEBUG 2025-08-05 14:09:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5479837056171039
+INFO 2025-08-05 14:09:52 /learner.py:612 [LEARNER] Number of optimization step: 788
+DEBUG 2025-08-05 14:09:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5367855069905112
+INFO 2025-08-05 14:09:54 /learner.py:612 [LEARNER] Number of optimization step: 789
+DEBUG 2025-08-05 14:09:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.52377404644232
+INFO 2025-08-05 14:09:56 /learner.py:612 [LEARNER] Number of optimization step: 790
+DEBUG 2025-08-05 14:09:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.533428768417333
+INFO 2025-08-05 14:09:57 /learner.py:612 [LEARNER] Number of optimization step: 791
+DEBUG 2025-08-05 14:09:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:09:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:09:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:09:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:09:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:09:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:09:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5420936763715978
+INFO 2025-08-05 14:09:59 /learner.py:612 [LEARNER] Number of optimization step: 792
+DEBUG 2025-08-05 14:09:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:09:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5195251876293784
+INFO 2025-08-05 14:10:01 /learner.py:612 [LEARNER] Number of optimization step: 793
+DEBUG 2025-08-05 14:10:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.46763188354230223
+INFO 2025-08-05 14:10:03 /learner.py:612 [LEARNER] Number of optimization step: 794
+DEBUG 2025-08-05 14:10:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6912100402930845
+INFO 2025-08-05 14:10:05 /learner.py:612 [LEARNER] Number of optimization step: 795
+DEBUG 2025-08-05 14:10:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6469650218873091
+INFO 2025-08-05 14:10:06 /learner.py:612 [LEARNER] Number of optimization step: 796
+DEBUG 2025-08-05 14:10:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:07 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:10:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:10:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 179305971
+DEBUG 2025-08-05 14:10:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:10:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5994014704830359
+INFO 2025-08-05 14:10:08 /learner.py:612 [LEARNER] Number of optimization step: 797
+DEBUG 2025-08-05 14:10:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5485668125567892
+INFO 2025-08-05 14:10:11 /learner.py:612 [LEARNER] Number of optimization step: 798
+DEBUG 2025-08-05 14:10:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5375982606541136
+INFO 2025-08-05 14:10:13 /learner.py:612 [LEARNER] Number of optimization step: 799
+DEBUG 2025-08-05 14:10:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5389583794358778
+INFO 2025-08-05 14:10:15 /learner.py:612 [LEARNER] Number of optimization step: 800
+DEBUG 2025-08-05 14:10:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5435207533320705
+INFO 2025-08-05 14:10:17 /learner.py:612 [LEARNER] Number of optimization step: 801
+DEBUG 2025-08-05 14:10:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5487231921834314
+INFO 2025-08-05 14:10:19 /learner.py:612 [LEARNER] Number of optimization step: 802
+DEBUG 2025-08-05 14:10:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5370841642015564
+INFO 2025-08-05 14:10:20 /learner.py:612 [LEARNER] Number of optimization step: 803
+DEBUG 2025-08-05 14:10:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5494505693023802
+INFO 2025-08-05 14:10:22 /learner.py:612 [LEARNER] Number of optimization step: 804
+DEBUG 2025-08-05 14:10:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5476833911318347
+INFO 2025-08-05 14:10:24 /learner.py:612 [LEARNER] Number of optimization step: 805
+DEBUG 2025-08-05 14:10:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5532106840902211
+INFO 2025-08-05 14:10:26 /learner.py:612 [LEARNER] Number of optimization step: 806
+DEBUG 2025-08-05 14:10:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.542333818569939
+INFO 2025-08-05 14:10:28 /learner.py:612 [LEARNER] Number of optimization step: 807
+DEBUG 2025-08-05 14:10:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.531668623553421
+INFO 2025-08-05 14:10:30 /learner.py:612 [LEARNER] Number of optimization step: 808
+DEBUG 2025-08-05 14:10:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5629919359517103
+INFO 2025-08-05 14:10:31 /learner.py:612 [LEARNER] Number of optimization step: 809
+DEBUG 2025-08-05 14:10:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5315596021893595
+INFO 2025-08-05 14:10:33 /learner.py:612 [LEARNER] Number of optimization step: 810
+DEBUG 2025-08-05 14:10:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5314688076487007
+INFO 2025-08-05 14:10:35 /learner.py:612 [LEARNER] Number of optimization step: 811
+DEBUG 2025-08-05 14:10:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523488436574728
+INFO 2025-08-05 14:10:37 /learner.py:612 [LEARNER] Number of optimization step: 812
+DEBUG 2025-08-05 14:10:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7257168914292926
+INFO 2025-08-05 14:10:38 /learner.py:612 [LEARNER] Number of optimization step: 813
+DEBUG 2025-08-05 14:10:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7348026095896903
+INFO 2025-08-05 14:10:40 /learner.py:612 [LEARNER] Number of optimization step: 814
+DEBUG 2025-08-05 14:10:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:40 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:10:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:10:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:10:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+INFO 2025-08-05 14:10:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:10:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 181675663
+DEBUG 2025-08-05 14:10:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:10:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6708964947936601
+INFO 2025-08-05 14:10:41 /learner.py:612 [LEARNER] Number of optimization step: 815
+DEBUG 2025-08-05 14:10:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:10:44 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:10:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:10:44 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:10:44 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:10:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5856502351428351
+INFO 2025-08-05 14:10:44 /learner.py:612 [LEARNER] Number of optimization step: 816
+DEBUG 2025-08-05 14:10:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7359134283436244
+INFO 2025-08-05 14:10:46 /learner.py:612 [LEARNER] Number of optimization step: 817
+DEBUG 2025-08-05 14:10:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.540700699086952
+INFO 2025-08-05 14:10:48 /learner.py:612 [LEARNER] Number of optimization step: 818
+DEBUG 2025-08-05 14:10:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5405285864942675
+INFO 2025-08-05 14:10:50 /learner.py:612 [LEARNER] Number of optimization step: 819
+DEBUG 2025-08-05 14:10:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5867885334020384
+INFO 2025-08-05 14:10:51 /learner.py:612 [LEARNER] Number of optimization step: 820
+DEBUG 2025-08-05 14:10:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5643640556606275
+INFO 2025-08-05 14:10:53 /learner.py:612 [LEARNER] Number of optimization step: 821
+DEBUG 2025-08-05 14:10:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5588752521559784
+INFO 2025-08-05 14:10:55 /learner.py:612 [LEARNER] Number of optimization step: 822
+DEBUG 2025-08-05 14:10:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5571172477670808
+INFO 2025-08-05 14:10:57 /learner.py:612 [LEARNER] Number of optimization step: 823
+DEBUG 2025-08-05 14:10:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:10:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:10:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:10:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:10:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5431353391179734
+INFO 2025-08-05 14:10:59 /learner.py:612 [LEARNER] Number of optimization step: 824
+DEBUG 2025-08-05 14:10:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:10:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:10:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:10:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6218530972447202
+INFO 2025-08-05 14:11:00 /learner.py:612 [LEARNER] Number of optimization step: 825
+DEBUG 2025-08-05 14:11:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5400788939273528
+INFO 2025-08-05 14:11:02 /learner.py:612 [LEARNER] Number of optimization step: 826
+DEBUG 2025-08-05 14:11:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5280677768529093
+INFO 2025-08-05 14:11:04 /learner.py:612 [LEARNER] Number of optimization step: 827
+DEBUG 2025-08-05 14:11:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5392023363404803
+INFO 2025-08-05 14:11:06 /learner.py:612 [LEARNER] Number of optimization step: 828
+DEBUG 2025-08-05 14:11:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5092239460033686
+INFO 2025-08-05 14:11:08 /learner.py:612 [LEARNER] Number of optimization step: 829
+DEBUG 2025-08-05 14:11:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5724646964879379
+INFO 2025-08-05 14:11:09 /learner.py:612 [LEARNER] Number of optimization step: 830
+DEBUG 2025-08-05 14:11:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.694654544893708
+INFO 2025-08-05 14:11:11 /learner.py:612 [LEARNER] Number of optimization step: 831
+DEBUG 2025-08-05 14:11:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4999090000224346
+INFO 2025-08-05 14:11:13 /learner.py:612 [LEARNER] Number of optimization step: 832
+DEBUG 2025-08-05 14:11:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5136379731758902
+INFO 2025-08-05 14:11:15 /learner.py:612 [LEARNER] Number of optimization step: 833
+DEBUG 2025-08-05 14:11:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7082399616337757
+INFO 2025-08-05 14:11:16 /learner.py:612 [LEARNER] Number of optimization step: 834
+DEBUG 2025-08-05 14:11:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7180631841223023
+INFO 2025-08-05 14:11:18 /learner.py:612 [LEARNER] Number of optimization step: 835
+DEBUG 2025-08-05 14:11:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:18 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:11:18 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:11:18 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:11:18 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+INFO 2025-08-05 14:11:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:11:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 177726155
+DEBUG 2025-08-05 14:11:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:11:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6696398603200127
+INFO 2025-08-05 14:11:19 /learner.py:612 [LEARNER] Number of optimization step: 836
+DEBUG 2025-08-05 14:11:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6187778529292977
+INFO 2025-08-05 14:11:22 /learner.py:612 [LEARNER] Number of optimization step: 837
+DEBUG 2025-08-05 14:11:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5183599703127373
+INFO 2025-08-05 14:11:24 /learner.py:612 [LEARNER] Number of optimization step: 838
+DEBUG 2025-08-05 14:11:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.43538133517997607
+INFO 2025-08-05 14:11:26 /learner.py:612 [LEARNER] Number of optimization step: 839
+DEBUG 2025-08-05 14:11:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5194332467452744
+INFO 2025-08-05 14:11:28 /learner.py:612 [LEARNER] Number of optimization step: 840
+DEBUG 2025-08-05 14:11:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5532624948825542
+INFO 2025-08-05 14:11:30 /learner.py:612 [LEARNER] Number of optimization step: 841
+DEBUG 2025-08-05 14:11:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5992600799536344
+INFO 2025-08-05 14:11:31 /learner.py:612 [LEARNER] Number of optimization step: 842
+DEBUG 2025-08-05 14:11:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7269835553039105
+INFO 2025-08-05 14:11:33 /learner.py:612 [LEARNER] Number of optimization step: 843
+DEBUG 2025-08-05 14:11:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:33 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:11:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:11:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 73459514
+DEBUG 2025-08-05 14:11:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:11:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6768058623148875
+INFO 2025-08-05 14:11:34 /learner.py:612 [LEARNER] Number of optimization step: 844
+DEBUG 2025-08-05 14:11:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6322278685182301
+INFO 2025-08-05 14:11:36 /learner.py:612 [LEARNER] Number of optimization step: 845
+DEBUG 2025-08-05 14:11:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:11:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:11:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:11:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:11:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:11:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5968023158771817
+INFO 2025-08-05 14:11:38 /learner.py:612 [LEARNER] Number of optimization step: 846
+DEBUG 2025-08-05 14:11:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.520918568198141
+INFO 2025-08-05 14:11:40 /learner.py:612 [LEARNER] Number of optimization step: 847
+DEBUG 2025-08-05 14:11:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5586926417701937
+INFO 2025-08-05 14:11:42 /learner.py:612 [LEARNER] Number of optimization step: 848
+DEBUG 2025-08-05 14:11:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4993655395489926
+INFO 2025-08-05 14:11:44 /learner.py:612 [LEARNER] Number of optimization step: 849
+DEBUG 2025-08-05 14:11:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5314145343340728
+INFO 2025-08-05 14:11:46 /learner.py:612 [LEARNER] Number of optimization step: 850
+DEBUG 2025-08-05 14:11:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5518609018818392
+INFO 2025-08-05 14:11:48 /learner.py:612 [LEARNER] Number of optimization step: 851
+DEBUG 2025-08-05 14:11:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5263417193201175
+INFO 2025-08-05 14:11:50 /learner.py:612 [LEARNER] Number of optimization step: 852
+DEBUG 2025-08-05 14:11:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5414530774973075
+INFO 2025-08-05 14:11:51 /learner.py:612 [LEARNER] Number of optimization step: 853
+DEBUG 2025-08-05 14:11:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5664992005733099
+INFO 2025-08-05 14:11:53 /learner.py:612 [LEARNER] Number of optimization step: 854
+DEBUG 2025-08-05 14:11:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4979186039145838
+INFO 2025-08-05 14:11:55 /learner.py:612 [LEARNER] Number of optimization step: 855
+DEBUG 2025-08-05 14:11:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5270608669446641
+INFO 2025-08-05 14:11:57 /learner.py:612 [LEARNER] Number of optimization step: 856
+DEBUG 2025-08-05 14:11:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:11:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:11:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:11:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:11:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5199046833421624
+INFO 2025-08-05 14:11:59 /learner.py:612 [LEARNER] Number of optimization step: 857
+DEBUG 2025-08-05 14:11:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:11:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:11:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:11:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4984311368669977
+INFO 2025-08-05 14:12:01 /learner.py:612 [LEARNER] Number of optimization step: 858
+DEBUG 2025-08-05 14:12:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5255667693701754
+INFO 2025-08-05 14:12:03 /learner.py:612 [LEARNER] Number of optimization step: 859
+DEBUG 2025-08-05 14:12:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5013438121692941
+INFO 2025-08-05 14:12:05 /learner.py:612 [LEARNER] Number of optimization step: 860
+DEBUG 2025-08-05 14:12:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49918278702403
+INFO 2025-08-05 14:12:07 /learner.py:612 [LEARNER] Number of optimization step: 861
+DEBUG 2025-08-05 14:12:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6206273649007985
+INFO 2025-08-05 14:12:09 /learner.py:612 [LEARNER] Number of optimization step: 862
+DEBUG 2025-08-05 14:12:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7577456436977953
+INFO 2025-08-05 14:12:10 /learner.py:612 [LEARNER] Number of optimization step: 863
+DEBUG 2025-08-05 14:12:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:12:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:12:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7205904353582606
+INFO 2025-08-05 14:12:11 /learner.py:612 [LEARNER] Number of optimization step: 864
+DEBUG 2025-08-05 14:12:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:12:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:12:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:11 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:12:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:12:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:12:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:12:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:12:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 172196831
+DEBUG 2025-08-05 14:12:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:12:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6411638309086996
+INFO 2025-08-05 14:12:13 /learner.py:612 [LEARNER] Number of optimization step: 865
+DEBUG 2025-08-05 14:12:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:12:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:12:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:12:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:12:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7063975539325342
+INFO 2025-08-05 14:12:15 /learner.py:612 [LEARNER] Number of optimization step: 866
+DEBUG 2025-08-05 14:12:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6273371434550186
+INFO 2025-08-05 14:12:17 /learner.py:612 [LEARNER] Number of optimization step: 867
+DEBUG 2025-08-05 14:12:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6123263719126537
+INFO 2025-08-05 14:12:19 /learner.py:612 [LEARNER] Number of optimization step: 868
+DEBUG 2025-08-05 14:12:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5912560217359073
+INFO 2025-08-05 14:12:20 /learner.py:612 [LEARNER] Number of optimization step: 869
+DEBUG 2025-08-05 14:12:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6857401078243746
+INFO 2025-08-05 14:12:22 /learner.py:612 [LEARNER] Number of optimization step: 870
+DEBUG 2025-08-05 14:12:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7022508231769752
+INFO 2025-08-05 14:12:23 /learner.py:612 [LEARNER] Number of optimization step: 871
+DEBUG 2025-08-05 14:12:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6676104425550975
+INFO 2025-08-05 14:12:25 /learner.py:612 [LEARNER] Number of optimization step: 872
+DEBUG 2025-08-05 14:12:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6485446064420222
+INFO 2025-08-05 14:12:26 /learner.py:612 [LEARNER] Number of optimization step: 873
+DEBUG 2025-08-05 14:12:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6587395392608023
+INFO 2025-08-05 14:12:28 /learner.py:612 [LEARNER] Number of optimization step: 874
+DEBUG 2025-08-05 14:12:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6143589323677326
+INFO 2025-08-05 14:12:29 /learner.py:612 [LEARNER] Number of optimization step: 875
+DEBUG 2025-08-05 14:12:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6663300832431573
+INFO 2025-08-05 14:12:31 /learner.py:612 [LEARNER] Number of optimization step: 876
+DEBUG 2025-08-05 14:12:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6508955678946988
+INFO 2025-08-05 14:12:32 /learner.py:612 [LEARNER] Number of optimization step: 877
+DEBUG 2025-08-05 14:12:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6505529217265644
+INFO 2025-08-05 14:12:34 /learner.py:612 [LEARNER] Number of optimization step: 878
+DEBUG 2025-08-05 14:12:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6606406863784585
+INFO 2025-08-05 14:12:35 /learner.py:612 [LEARNER] Number of optimization step: 879
+DEBUG 2025-08-05 14:12:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6634373492928501
+INFO 2025-08-05 14:12:37 /learner.py:612 [LEARNER] Number of optimization step: 880
+DEBUG 2025-08-05 14:12:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.608666792354902
+INFO 2025-08-05 14:12:39 /learner.py:612 [LEARNER] Number of optimization step: 881
+DEBUG 2025-08-05 14:12:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.655342796822098
+INFO 2025-08-05 14:12:40 /learner.py:612 [LEARNER] Number of optimization step: 882
+DEBUG 2025-08-05 14:12:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.587069506222381
+INFO 2025-08-05 14:12:42 /learner.py:612 [LEARNER] Number of optimization step: 883
+DEBUG 2025-08-05 14:12:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5585502393984382
+INFO 2025-08-05 14:12:44 /learner.py:612 [LEARNER] Number of optimization step: 884
+DEBUG 2025-08-05 14:12:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6748935272794415
+INFO 2025-08-05 14:12:45 /learner.py:612 [LEARNER] Number of optimization step: 885
+DEBUG 2025-08-05 14:12:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:12:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:12:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8193549086161946
+INFO 2025-08-05 14:12:46 /learner.py:612 [LEARNER] Number of optimization step: 886
+DEBUG 2025-08-05 14:12:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:47 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:12:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:12:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.772071091063492
+INFO 2025-08-05 14:12:48 /learner.py:612 [LEARNER] Number of optimization step: 887
+DEBUG 2025-08-05 14:12:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:12:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:12:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:12:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:12:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+INFO 2025-08-05 14:12:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 88
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:90 [LEARNER] transitions Received data at step 89
+DEBUG 2025-08-05 14:12:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 188784739
+DEBUG 2025-08-05 14:12:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:12:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5999754244595027
+INFO 2025-08-05 14:12:49 /learner.py:612 [LEARNER] Number of optimization step: 888
+DEBUG 2025-08-05 14:12:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7341106916191807
+INFO 2025-08-05 14:12:52 /learner.py:612 [LEARNER] Number of optimization step: 889
+DEBUG 2025-08-05 14:12:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6639588896472589
+INFO 2025-08-05 14:12:53 /learner.py:612 [LEARNER] Number of optimization step: 890
+DEBUG 2025-08-05 14:12:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7512163838643771
+INFO 2025-08-05 14:12:54 /learner.py:612 [LEARNER] Number of optimization step: 891
+DEBUG 2025-08-05 14:12:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:12:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:12:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:55 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:12:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:12:55 ort/utils.py:93 [LEARNER] transitions Received data at step end size 29226053
+DEBUG 2025-08-05 14:12:55 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:12:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.776956337022196
+INFO 2025-08-05 14:12:56 /learner.py:612 [LEARNER] Number of optimization step: 892
+DEBUG 2025-08-05 14:12:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6657720502685831
+INFO 2025-08-05 14:12:57 /learner.py:612 [LEARNER] Number of optimization step: 893
+DEBUG 2025-08-05 14:12:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:12:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:12:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:12:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:12:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5751519191373125
+INFO 2025-08-05 14:12:59 /learner.py:612 [LEARNER] Number of optimization step: 894
+DEBUG 2025-08-05 14:12:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:12:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:12:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:12:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6181630065551238
+INFO 2025-08-05 14:13:01 /learner.py:612 [LEARNER] Number of optimization step: 895
+DEBUG 2025-08-05 14:13:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6014987041578175
+INFO 2025-08-05 14:13:02 /learner.py:612 [LEARNER] Number of optimization step: 896
+DEBUG 2025-08-05 14:13:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6106791802813879
+INFO 2025-08-05 14:13:04 /learner.py:612 [LEARNER] Number of optimization step: 897
+DEBUG 2025-08-05 14:13:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:05 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:13:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:05 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:13:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 50552701
+DEBUG 2025-08-05 14:13:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6201009620033262
+INFO 2025-08-05 14:13:06 /learner.py:612 [LEARNER] Number of optimization step: 898
+DEBUG 2025-08-05 14:13:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7266961245945792
+INFO 2025-08-05 14:13:07 /learner.py:612 [LEARNER] Number of optimization step: 899
+DEBUG 2025-08-05 14:13:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5817292552491297
+INFO 2025-08-05 14:13:09 /learner.py:612 [LEARNER] Number of optimization step: 900
+DEBUG 2025-08-05 14:13:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5575724991331096
+INFO 2025-08-05 14:13:11 /learner.py:612 [LEARNER] Number of optimization step: 901
+DEBUG 2025-08-05 14:13:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5470756137922712
+INFO 2025-08-05 14:13:13 /learner.py:612 [LEARNER] Number of optimization step: 902
+DEBUG 2025-08-05 14:13:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6052536942419613
+INFO 2025-08-05 14:13:14 /learner.py:612 [LEARNER] Number of optimization step: 903
+DEBUG 2025-08-05 14:13:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:13:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 46603253
+DEBUG 2025-08-05 14:13:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.735907876225087
+INFO 2025-08-05 14:13:16 /learner.py:612 [LEARNER] Number of optimization step: 904
+DEBUG 2025-08-05 14:13:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6629811753578646
+INFO 2025-08-05 14:13:17 /learner.py:612 [LEARNER] Number of optimization step: 905
+DEBUG 2025-08-05 14:13:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5859662996761882
+INFO 2025-08-05 14:13:19 /learner.py:612 [LEARNER] Number of optimization step: 906
+DEBUG 2025-08-05 14:13:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5802585017226257
+INFO 2025-08-05 14:13:21 /learner.py:612 [LEARNER] Number of optimization step: 907
+DEBUG 2025-08-05 14:13:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:21 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:13:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 27646325
+DEBUG 2025-08-05 14:13:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6747239442027336
+INFO 2025-08-05 14:13:22 /learner.py:612 [LEARNER] Number of optimization step: 908
+DEBUG 2025-08-05 14:13:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.602356660559791
+INFO 2025-08-05 14:13:24 /learner.py:612 [LEARNER] Number of optimization step: 909
+DEBUG 2025-08-05 14:13:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5236809880002246
+INFO 2025-08-05 14:13:26 /learner.py:612 [LEARNER] Number of optimization step: 910
+DEBUG 2025-08-05 14:13:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:13:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747557
+DEBUG 2025-08-05 14:13:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6752770861905513
+INFO 2025-08-05 14:13:28 /learner.py:612 [LEARNER] Number of optimization step: 911
+DEBUG 2025-08-05 14:13:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5385289950962291
+INFO 2025-08-05 14:13:30 /learner.py:612 [LEARNER] Number of optimization step: 912
+DEBUG 2025-08-05 14:13:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:13:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.577805500791361
+INFO 2025-08-05 14:13:31 /learner.py:612 [LEARNER] Number of optimization step: 913
+DEBUG 2025-08-05 14:13:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.630663891388544
+INFO 2025-08-05 14:13:33 /learner.py:612 [LEARNER] Number of optimization step: 914
+DEBUG 2025-08-05 14:13:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332671520262321
+INFO 2025-08-05 14:13:35 /learner.py:612 [LEARNER] Number of optimization step: 915
+DEBUG 2025-08-05 14:13:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.542392659908894
+INFO 2025-08-05 14:13:37 /learner.py:612 [LEARNER] Number of optimization step: 916
+DEBUG 2025-08-05 14:13:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.550048777907861
+INFO 2025-08-05 14:13:39 /learner.py:612 [LEARNER] Number of optimization step: 917
+DEBUG 2025-08-05 14:13:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.539003052553648
+INFO 2025-08-05 14:13:41 /learner.py:612 [LEARNER] Number of optimization step: 918
+DEBUG 2025-08-05 14:13:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6360060377273147
+INFO 2025-08-05 14:13:42 /learner.py:612 [LEARNER] Number of optimization step: 919
+DEBUG 2025-08-05 14:13:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:42 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:13:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 52922421
+DEBUG 2025-08-05 14:13:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6575806700411728
+INFO 2025-08-05 14:13:44 /learner.py:612 [LEARNER] Number of optimization step: 920
+DEBUG 2025-08-05 14:13:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:13:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5697297128113444
+INFO 2025-08-05 14:13:46 /learner.py:612 [LEARNER] Number of optimization step: 921
+DEBUG 2025-08-05 14:13:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6625827729624096
+INFO 2025-08-05 14:13:47 /learner.py:612 [LEARNER] Number of optimization step: 922
+DEBUG 2025-08-05 14:13:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5386394416715647
+INFO 2025-08-05 14:13:49 /learner.py:612 [LEARNER] Number of optimization step: 923
+DEBUG 2025-08-05 14:13:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:13:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:13:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6612995023784416
+INFO 2025-08-05 14:13:51 /learner.py:612 [LEARNER] Number of optimization step: 924
+DEBUG 2025-08-05 14:13:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5797525652700777
+INFO 2025-08-05 14:13:53 /learner.py:612 [LEARNER] Number of optimization step: 925
+DEBUG 2025-08-05 14:13:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:53 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:13:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.662973734963337
+INFO 2025-08-05 14:13:54 /learner.py:612 [LEARNER] Number of optimization step: 926
+DEBUG 2025-08-05 14:13:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5716012188372874
+INFO 2025-08-05 14:13:56 /learner.py:612 [LEARNER] Number of optimization step: 927
+DEBUG 2025-08-05 14:13:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:13:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:13:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:13:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:13:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:13:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6612471657391161
+INFO 2025-08-05 14:13:58 /learner.py:612 [LEARNER] Number of optimization step: 928
+DEBUG 2025-08-05 14:13:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:13:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:13:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:13:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:13:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:13:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:13:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:13:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5578202482931901
+INFO 2025-08-05 14:13:59 /learner.py:612 [LEARNER] Number of optimization step: 929
+DEBUG 2025-08-05 14:14:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5500207911795656
+INFO 2025-08-05 14:14:01 /learner.py:612 [LEARNER] Number of optimization step: 930
+DEBUG 2025-08-05 14:14:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.558640553066925
+INFO 2025-08-05 14:14:03 /learner.py:612 [LEARNER] Number of optimization step: 931
+DEBUG 2025-08-05 14:14:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:14:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:14:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30015981
+DEBUG 2025-08-05 14:14:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:14:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6452415037888901
+INFO 2025-08-05 14:14:05 /learner.py:612 [LEARNER] Number of optimization step: 932
+DEBUG 2025-08-05 14:14:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5797815758062298
+INFO 2025-08-05 14:14:07 /learner.py:612 [LEARNER] Number of optimization step: 933
+DEBUG 2025-08-05 14:14:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5354763770095887
+INFO 2025-08-05 14:14:09 /learner.py:612 [LEARNER] Number of optimization step: 934
+DEBUG 2025-08-05 14:14:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5306676866506919
+INFO 2025-08-05 14:14:10 /learner.py:612 [LEARNER] Number of optimization step: 935
+DEBUG 2025-08-05 14:14:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5346931961534627
+INFO 2025-08-05 14:14:12 /learner.py:612 [LEARNER] Number of optimization step: 936
+DEBUG 2025-08-05 14:14:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6155037288426228
+INFO 2025-08-05 14:14:14 /learner.py:612 [LEARNER] Number of optimization step: 937
+DEBUG 2025-08-05 14:14:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:14:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:14:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 47393181
+DEBUG 2025-08-05 14:14:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:14:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.647476867545048
+INFO 2025-08-05 14:14:15 /learner.py:612 [LEARNER] Number of optimization step: 938
+DEBUG 2025-08-05 14:14:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5697638432948162
+INFO 2025-08-05 14:14:18 /learner.py:612 [LEARNER] Number of optimization step: 939
+DEBUG 2025-08-05 14:14:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5409103087312971
+INFO 2025-08-05 14:14:20 /learner.py:612 [LEARNER] Number of optimization step: 940
+DEBUG 2025-08-05 14:14:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5461001261654389
+INFO 2025-08-05 14:14:21 /learner.py:612 [LEARNER] Number of optimization step: 941
+DEBUG 2025-08-05 14:14:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5507244965602033
+INFO 2025-08-05 14:14:23 /learner.py:612 [LEARNER] Number of optimization step: 942
+DEBUG 2025-08-05 14:14:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6128063440627115
+INFO 2025-08-05 14:14:25 /learner.py:612 [LEARNER] Number of optimization step: 943
+DEBUG 2025-08-05 14:14:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:14:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+INFO 2025-08-05 14:14:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:14:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 58451469
+DEBUG 2025-08-05 14:14:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:14:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6676947205794236
+INFO 2025-08-05 14:14:26 /learner.py:612 [LEARNER] Number of optimization step: 944
+DEBUG 2025-08-05 14:14:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5599669968707841
+INFO 2025-08-05 14:14:28 /learner.py:612 [LEARNER] Number of optimization step: 945
+DEBUG 2025-08-05 14:14:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:14:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:14:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:14:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:14:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:14:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5659220349300449
+INFO 2025-08-05 14:14:30 /learner.py:612 [LEARNER] Number of optimization step: 946
+DEBUG 2025-08-05 14:14:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6652238135417712
+INFO 2025-08-05 14:14:32 /learner.py:612 [LEARNER] Number of optimization step: 947
+DEBUG 2025-08-05 14:14:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5344518032756369
+INFO 2025-08-05 14:14:34 /learner.py:612 [LEARNER] Number of optimization step: 948
+DEBUG 2025-08-05 14:14:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5458542224191512
+INFO 2025-08-05 14:14:36 /learner.py:612 [LEARNER] Number of optimization step: 949
+DEBUG 2025-08-05 14:14:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5611342488826535
+INFO 2025-08-05 14:14:37 /learner.py:612 [LEARNER] Number of optimization step: 950
+DEBUG 2025-08-05 14:14:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5589712579334122
+INFO 2025-08-05 14:14:39 /learner.py:612 [LEARNER] Number of optimization step: 951
+DEBUG 2025-08-05 14:14:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5914347722533897
+INFO 2025-08-05 14:14:41 /learner.py:612 [LEARNER] Number of optimization step: 952
+DEBUG 2025-08-05 14:14:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5559807806401279
+INFO 2025-08-05 14:14:43 /learner.py:612 [LEARNER] Number of optimization step: 953
+DEBUG 2025-08-05 14:14:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6170644949569364
+INFO 2025-08-05 14:14:44 /learner.py:612 [LEARNER] Number of optimization step: 954
+DEBUG 2025-08-05 14:14:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6159157900341449
+INFO 2025-08-05 14:14:46 /learner.py:612 [LEARNER] Number of optimization step: 955
+DEBUG 2025-08-05 14:14:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.586065615803826
+INFO 2025-08-05 14:14:48 /learner.py:612 [LEARNER] Number of optimization step: 956
+DEBUG 2025-08-05 14:14:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6744142029587661
+INFO 2025-08-05 14:14:49 /learner.py:612 [LEARNER] Number of optimization step: 957
+DEBUG 2025-08-05 14:14:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5895384051411355
+INFO 2025-08-05 14:14:51 /learner.py:612 [LEARNER] Number of optimization step: 958
+DEBUG 2025-08-05 14:14:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6307656581194706
+INFO 2025-08-05 14:14:52 /learner.py:612 [LEARNER] Number of optimization step: 959
+DEBUG 2025-08-05 14:14:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6073880193145861
+INFO 2025-08-05 14:14:54 /learner.py:612 [LEARNER] Number of optimization step: 960
+DEBUG 2025-08-05 14:14:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6661391722122905
+INFO 2025-08-05 14:14:56 /learner.py:612 [LEARNER] Number of optimization step: 961
+DEBUG 2025-08-05 14:14:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6311551977525556
+INFO 2025-08-05 14:14:57 /learner.py:612 [LEARNER] Number of optimization step: 962
+DEBUG 2025-08-05 14:14:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:14:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:14:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:14:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:14:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5447658855434349
+INFO 2025-08-05 14:14:59 /learner.py:612 [LEARNER] Number of optimization step: 963
+DEBUG 2025-08-05 14:14:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:14:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:14:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:14:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6278179216551908
+INFO 2025-08-05 14:15:01 /learner.py:612 [LEARNER] Number of optimization step: 964
+DEBUG 2025-08-05 14:15:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:01 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:15:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.826538596600805
+INFO 2025-08-05 14:15:02 /learner.py:612 [LEARNER] Number of optimization step: 965
+DEBUG 2025-08-05 14:15:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:02 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:15:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7829813029096527
+INFO 2025-08-05 14:15:03 /learner.py:612 [LEARNER] Number of optimization step: 966
+DEBUG 2025-08-05 14:15:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:15:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:15:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+INFO 2025-08-05 14:15:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:15:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:04 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 14:15:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:05 ort/utils.py:93 [LEARNER] transitions Received data at step end size 184835295
+DEBUG 2025-08-05 14:15:05 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:15:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5845556914857001
+INFO 2025-08-05 14:15:05 /learner.py:612 [LEARNER] Number of optimization step: 967
+DEBUG 2025-08-05 14:15:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:15:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:15:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:15:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:15:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:15:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:15:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 6319744
+DEBUG 2025-08-05 14:15:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:15:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8084247396679802
+INFO 2025-08-05 14:15:07 /learner.py:612 [LEARNER] Number of optimization step: 968
+DEBUG 2025-08-05 14:15:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6498409209401047
+INFO 2025-08-05 14:15:09 /learner.py:612 [LEARNER] Number of optimization step: 969
+DEBUG 2025-08-05 14:15:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6185347595182675
+INFO 2025-08-05 14:15:10 /learner.py:612 [LEARNER] Number of optimization step: 970
+DEBUG 2025-08-05 14:15:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6303227904468738
+INFO 2025-08-05 14:15:12 /learner.py:612 [LEARNER] Number of optimization step: 971
+DEBUG 2025-08-05 14:15:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6314036569308541
+INFO 2025-08-05 14:15:13 /learner.py:612 [LEARNER] Number of optimization step: 972
+DEBUG 2025-08-05 14:15:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6089905990000019
+INFO 2025-08-05 14:15:15 /learner.py:612 [LEARNER] Number of optimization step: 973
+DEBUG 2025-08-05 14:15:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6473240780135545
+INFO 2025-08-05 14:15:16 /learner.py:612 [LEARNER] Number of optimization step: 974
+DEBUG 2025-08-05 14:15:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6318700336264489
+INFO 2025-08-05 14:15:18 /learner.py:612 [LEARNER] Number of optimization step: 975
+DEBUG 2025-08-05 14:15:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6031896550937197
+INFO 2025-08-05 14:15:20 /learner.py:612 [LEARNER] Number of optimization step: 976
+DEBUG 2025-08-05 14:15:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.63807620994437
+INFO 2025-08-05 14:15:21 /learner.py:612 [LEARNER] Number of optimization step: 977
+DEBUG 2025-08-05 14:15:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5932962940215847
+INFO 2025-08-05 14:15:23 /learner.py:612 [LEARNER] Number of optimization step: 978
+DEBUG 2025-08-05 14:15:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6481236984816975
+INFO 2025-08-05 14:15:25 /learner.py:612 [LEARNER] Number of optimization step: 979
+DEBUG 2025-08-05 14:15:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5727753676916663
+INFO 2025-08-05 14:15:26 /learner.py:612 [LEARNER] Number of optimization step: 980
+DEBUG 2025-08-05 14:15:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.556951018773888
+INFO 2025-08-05 14:15:28 /learner.py:612 [LEARNER] Number of optimization step: 981
+DEBUG 2025-08-05 14:15:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6382762369088479
+INFO 2025-08-05 14:15:30 /learner.py:612 [LEARNER] Number of optimization step: 982
+DEBUG 2025-08-05 14:15:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6341415250709226
+INFO 2025-08-05 14:15:31 /learner.py:612 [LEARNER] Number of optimization step: 983
+DEBUG 2025-08-05 14:15:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6163266825740513
+INFO 2025-08-05 14:15:33 /learner.py:612 [LEARNER] Number of optimization step: 984
+DEBUG 2025-08-05 14:15:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5527903540569129
+INFO 2025-08-05 14:15:35 /learner.py:612 [LEARNER] Number of optimization step: 985
+DEBUG 2025-08-05 14:15:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5475712065397926
+INFO 2025-08-05 14:15:36 /learner.py:612 [LEARNER] Number of optimization step: 986
+DEBUG 2025-08-05 14:15:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7206155674285989
+INFO 2025-08-05 14:15:38 /learner.py:612 [LEARNER] Number of optimization step: 987
+DEBUG 2025-08-05 14:15:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8359573522230072
+INFO 2025-08-05 14:15:39 /learner.py:612 [LEARNER] Number of optimization step: 988
+INFO 2025-08-05 14:15:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7616605605926364
+INFO 2025-08-05 14:15:40 /learner.py:612 [LEARNER] Number of optimization step: 989
+DEBUG 2025-08-05 14:15:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:15:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:41 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:15:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:15:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 183255479
+DEBUG 2025-08-05 14:15:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:15:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6964959191483445
+INFO 2025-08-05 14:15:42 /learner.py:612 [LEARNER] Number of optimization step: 990
+DEBUG 2025-08-05 14:15:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:15:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6246877342323384
+INFO 2025-08-05 14:15:47 /learner.py:612 [LEARNER] Number of optimization step: 991
+DEBUG 2025-08-05 14:15:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5452761560782049
+INFO 2025-08-05 14:15:49 /learner.py:612 [LEARNER] Number of optimization step: 992
+DEBUG 2025-08-05 14:15:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5294482004268519
+INFO 2025-08-05 14:15:51 /learner.py:612 [LEARNER] Number of optimization step: 993
+DEBUG 2025-08-05 14:15:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5173798150926728
+INFO 2025-08-05 14:15:53 /learner.py:612 [LEARNER] Number of optimization step: 994
+DEBUG 2025-08-05 14:15:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5131982349227121
+INFO 2025-08-05 14:15:55 /learner.py:612 [LEARNER] Number of optimization step: 995
+DEBUG 2025-08-05 14:15:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5348446293015847
+INFO 2025-08-05 14:15:56 /learner.py:612 [LEARNER] Number of optimization step: 996
+DEBUG 2025-08-05 14:15:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:15:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6762604631651078
+INFO 2025-08-05 14:15:58 /learner.py:612 [LEARNER] Number of optimization step: 997
+DEBUG 2025-08-05 14:15:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:15:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:15:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:15:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:15:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:58 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:15:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:15:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 97156434
+DEBUG 2025-08-05 14:15:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:15:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:15:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:15:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:15:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.608515965197223
+INFO 2025-08-05 14:15:59 /learner.py:612 [LEARNER] Number of optimization step: 998
+DEBUG 2025-08-05 14:16:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5573891093559818
+INFO 2025-08-05 14:16:02 /learner.py:612 [LEARNER] Number of optimization step: 999
+DEBUG 2025-08-05 14:16:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5454443544309773
+INFO 2025-08-05 14:16:04 /learner.py:612 [LEARNER] Number of optimization step: 1000
+DEBUG 2025-08-05 14:16:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:04 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:05 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:16:05 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:05 ort/utils.py:93 [LEARNER] transitions Received data at step end size 32385573
+DEBUG 2025-08-05 14:16:05 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:16:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6393731727117312
+INFO 2025-08-05 14:16:06 /learner.py:612 [LEARNER] Number of optimization step: 1001
+DEBUG 2025-08-05 14:16:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5936241962466761
+INFO 2025-08-05 14:16:07 /learner.py:612 [LEARNER] Number of optimization step: 1002
+DEBUG 2025-08-05 14:16:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5378413323731535
+INFO 2025-08-05 14:16:09 /learner.py:612 [LEARNER] Number of optimization step: 1003
+DEBUG 2025-08-05 14:16:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:16:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5542086876123358
+INFO 2025-08-05 14:16:11 /learner.py:612 [LEARNER] Number of optimization step: 1004
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:16:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436253
+DEBUG 2025-08-05 14:16:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:16:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6422135864273327
+INFO 2025-08-05 14:16:13 /learner.py:612 [LEARNER] Number of optimization step: 1005
+DEBUG 2025-08-05 14:16:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:13 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:16:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:16:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6595526935968641
+INFO 2025-08-05 14:16:14 /learner.py:612 [LEARNER] Number of optimization step: 1006
+DEBUG 2025-08-05 14:16:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5832042396951239
+INFO 2025-08-05 14:16:16 /learner.py:612 [LEARNER] Number of optimization step: 1007
+DEBUG 2025-08-05 14:16:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5339282069791277
+INFO 2025-08-05 14:16:18 /learner.py:612 [LEARNER] Number of optimization step: 1008
+DEBUG 2025-08-05 14:16:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:20 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:20 ort/utils.py:93 [LEARNER] transitions Received data at step end size 24486869
+DEBUG 2025-08-05 14:16:20 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:16:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5937071318691334
+INFO 2025-08-05 14:16:20 /learner.py:612 [LEARNER] Number of optimization step: 1009
+DEBUG 2025-08-05 14:16:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6346338496692778
+INFO 2025-08-05 14:16:22 /learner.py:612 [LEARNER] Number of optimization step: 1010
+DEBUG 2025-08-05 14:16:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5193180609694921
+INFO 2025-08-05 14:16:24 /learner.py:612 [LEARNER] Number of optimization step: 1011
+DEBUG 2025-08-05 14:16:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5367642115747931
+INFO 2025-08-05 14:16:25 /learner.py:612 [LEARNER] Number of optimization step: 1012
+DEBUG 2025-08-05 14:16:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5359276789972408
+INFO 2025-08-05 14:16:27 /learner.py:612 [LEARNER] Number of optimization step: 1013
+DEBUG 2025-08-05 14:16:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5372840272509649
+INFO 2025-08-05 14:16:29 /learner.py:612 [LEARNER] Number of optimization step: 1014
+DEBUG 2025-08-05 14:16:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6437088690483636
+INFO 2025-08-05 14:16:31 /learner.py:612 [LEARNER] Number of optimization step: 1015
+DEBUG 2025-08-05 14:16:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:31 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:16:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 56871741
+DEBUG 2025-08-05 14:16:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:16:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6965985232780164
+INFO 2025-08-05 14:16:32 /learner.py:612 [LEARNER] Number of optimization step: 1016
+DEBUG 2025-08-05 14:16:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5694105083801702
+INFO 2025-08-05 14:16:34 /learner.py:612 [LEARNER] Number of optimization step: 1017
+DEBUG 2025-08-05 14:16:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:16:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:16:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.586813408475457
+INFO 2025-08-05 14:16:36 /learner.py:612 [LEARNER] Number of optimization step: 1018
+DEBUG 2025-08-05 14:16:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6512841817532399
+INFO 2025-08-05 14:16:38 /learner.py:612 [LEARNER] Number of optimization step: 1019
+DEBUG 2025-08-05 14:16:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.566423003267196
+INFO 2025-08-05 14:16:40 /learner.py:612 [LEARNER] Number of optimization step: 1020
+DEBUG 2025-08-05 14:16:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5619605720439073
+INFO 2025-08-05 14:16:41 /learner.py:612 [LEARNER] Number of optimization step: 1021
+DEBUG 2025-08-05 14:16:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5569456939843734
+INFO 2025-08-05 14:16:43 /learner.py:612 [LEARNER] Number of optimization step: 1022
+DEBUG 2025-08-05 14:16:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:43 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:44 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:16:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:44 ort/utils.py:93 [LEARNER] transitions Received data at step end size 36335021
+DEBUG 2025-08-05 14:16:44 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:16:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6710486987311183
+INFO 2025-08-05 14:16:45 /learner.py:612 [LEARNER] Number of optimization step: 1023
+DEBUG 2025-08-05 14:16:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5863813091769208
+INFO 2025-08-05 14:16:47 /learner.py:612 [LEARNER] Number of optimization step: 1024
+DEBUG 2025-08-05 14:16:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5307829921530719
+INFO 2025-08-05 14:16:48 /learner.py:612 [LEARNER] Number of optimization step: 1025
+DEBUG 2025-08-05 14:16:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5345240688221918
+INFO 2025-08-05 14:16:50 /learner.py:612 [LEARNER] Number of optimization step: 1026
+DEBUG 2025-08-05 14:16:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.53760811436471
+INFO 2025-08-05 14:16:52 /learner.py:612 [LEARNER] Number of optimization step: 1027
+DEBUG 2025-08-05 14:16:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6239588790296174
+INFO 2025-08-05 14:16:54 /learner.py:612 [LEARNER] Number of optimization step: 1028
+DEBUG 2025-08-05 14:16:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:16:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:16:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:16:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 46603445
+DEBUG 2025-08-05 14:16:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:16:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7318784647946918
+INFO 2025-08-05 14:16:55 /learner.py:612 [LEARNER] Number of optimization step: 1029
+DEBUG 2025-08-05 14:16:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5693256433717157
+INFO 2025-08-05 14:16:57 /learner.py:612 [LEARNER] Number of optimization step: 1030
+DEBUG 2025-08-05 14:16:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:16:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:16:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:16:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:16:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5350056338306234
+INFO 2025-08-05 14:16:59 /learner.py:612 [LEARNER] Number of optimization step: 1031
+DEBUG 2025-08-05 14:16:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:16:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:16:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:16:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:17:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26066661
+DEBUG 2025-08-05 14:17:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7216643803527296
+INFO 2025-08-05 14:17:00 /learner.py:612 [LEARNER] Number of optimization step: 1032
+DEBUG 2025-08-05 14:17:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5651392302469097
+INFO 2025-08-05 14:17:02 /learner.py:612 [LEARNER] Number of optimization step: 1033
+DEBUG 2025-08-05 14:17:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:17:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6988610418820966
+INFO 2025-08-05 14:17:04 /learner.py:612 [LEARNER] Number of optimization step: 1034
+DEBUG 2025-08-05 14:17:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7068916259022928
+INFO 2025-08-05 14:17:06 /learner.py:612 [LEARNER] Number of optimization step: 1035
+DEBUG 2025-08-05 14:17:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:17:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:17:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.547096379382576
+INFO 2025-08-05 14:17:07 /learner.py:612 [LEARNER] Number of optimization step: 1036
+DEBUG 2025-08-05 14:17:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6770387813346307
+INFO 2025-08-05 14:17:09 /learner.py:612 [LEARNER] Number of optimization step: 1037
+DEBUG 2025-08-05 14:17:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5433884431081358
+INFO 2025-08-05 14:17:11 /learner.py:612 [LEARNER] Number of optimization step: 1038
+DEBUG 2025-08-05 14:17:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.551753386701468
+INFO 2025-08-05 14:17:13 /learner.py:612 [LEARNER] Number of optimization step: 1039
+DEBUG 2025-08-05 14:17:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.555387403321799
+INFO 2025-08-05 14:17:14 /learner.py:612 [LEARNER] Number of optimization step: 1040
+DEBUG 2025-08-05 14:17:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5915221859065705
+INFO 2025-08-05 14:17:16 /learner.py:612 [LEARNER] Number of optimization step: 1041
+DEBUG 2025-08-05 14:17:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:16 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:17:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 45813453
+DEBUG 2025-08-05 14:17:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6772955930951887
+INFO 2025-08-05 14:17:18 /learner.py:612 [LEARNER] Number of optimization step: 1042
+DEBUG 2025-08-05 14:17:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.599350250459396
+INFO 2025-08-05 14:17:20 /learner.py:612 [LEARNER] Number of optimization step: 1043
+DEBUG 2025-08-05 14:17:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:17:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:17:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.552917807313923
+INFO 2025-08-05 14:17:21 /learner.py:612 [LEARNER] Number of optimization step: 1044
+DEBUG 2025-08-05 14:17:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6662311217946502
+INFO 2025-08-05 14:17:23 /learner.py:612 [LEARNER] Number of optimization step: 1045
+DEBUG 2025-08-05 14:17:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:17:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:17:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5786693965777765
+INFO 2025-08-05 14:17:25 /learner.py:612 [LEARNER] Number of optimization step: 1046
+DEBUG 2025-08-05 14:17:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6800928512646287
+INFO 2025-08-05 14:17:26 /learner.py:612 [LEARNER] Number of optimization step: 1047
+DEBUG 2025-08-05 14:17:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:17:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:17:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5525762425091529
+INFO 2025-08-05 14:17:28 /learner.py:612 [LEARNER] Number of optimization step: 1048
+DEBUG 2025-08-05 14:17:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7081756271568026
+INFO 2025-08-05 14:17:30 /learner.py:612 [LEARNER] Number of optimization step: 1049
+DEBUG 2025-08-05 14:17:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5250430773002687
+INFO 2025-08-05 14:17:32 /learner.py:612 [LEARNER] Number of optimization step: 1050
+DEBUG 2025-08-05 14:17:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:17:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:17:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:17:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5805547893219125
+INFO 2025-08-05 14:17:33 /learner.py:612 [LEARNER] Number of optimization step: 1051
+DEBUG 2025-08-05 14:17:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6969088330326384
+INFO 2025-08-05 14:17:35 /learner.py:612 [LEARNER] Number of optimization step: 1052
+DEBUG 2025-08-05 14:17:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:17:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:17:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:17:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:17:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:17:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5946423681760219
+INFO 2025-08-05 14:17:37 /learner.py:612 [LEARNER] Number of optimization step: 1053
+DEBUG 2025-08-05 14:17:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6784800555482265
+INFO 2025-08-05 14:17:38 /learner.py:612 [LEARNER] Number of optimization step: 1054
+DEBUG 2025-08-05 14:17:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5289775176611086
+INFO 2025-08-05 14:17:40 /learner.py:612 [LEARNER] Number of optimization step: 1055
+DEBUG 2025-08-05 14:17:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5348990598187126
+INFO 2025-08-05 14:17:42 /learner.py:612 [LEARNER] Number of optimization step: 1056
+DEBUG 2025-08-05 14:17:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5481714888757355
+INFO 2025-08-05 14:17:44 /learner.py:612 [LEARNER] Number of optimization step: 1057
+DEBUG 2025-08-05 14:17:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.544515597049253
+INFO 2025-08-05 14:17:46 /learner.py:612 [LEARNER] Number of optimization step: 1058
+DEBUG 2025-08-05 14:17:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5468240544086291
+INFO 2025-08-05 14:17:48 /learner.py:612 [LEARNER] Number of optimization step: 1059
+DEBUG 2025-08-05 14:17:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.536117019670178
+INFO 2025-08-05 14:17:49 /learner.py:612 [LEARNER] Number of optimization step: 1060
+DEBUG 2025-08-05 14:17:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5434574419988785
+INFO 2025-08-05 14:17:51 /learner.py:612 [LEARNER] Number of optimization step: 1061
+DEBUG 2025-08-05 14:17:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5414089058703713
+INFO 2025-08-05 14:17:53 /learner.py:612 [LEARNER] Number of optimization step: 1062
+DEBUG 2025-08-05 14:17:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.545121522189425
+INFO 2025-08-05 14:17:55 /learner.py:612 [LEARNER] Number of optimization step: 1063
+DEBUG 2025-08-05 14:17:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5418754479259404
+INFO 2025-08-05 14:17:57 /learner.py:612 [LEARNER] Number of optimization step: 1064
+DEBUG 2025-08-05 14:17:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:17:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:17:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:17:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:17:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5637647072090923
+INFO 2025-08-05 14:17:59 /learner.py:612 [LEARNER] Number of optimization step: 1065
+DEBUG 2025-08-05 14:17:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:17:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:17:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:17:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5798761606972586
+INFO 2025-08-05 14:18:00 /learner.py:612 [LEARNER] Number of optimization step: 1066
+DEBUG 2025-08-05 14:18:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7223069018655874
+INFO 2025-08-05 14:18:02 /learner.py:612 [LEARNER] Number of optimization step: 1067
+DEBUG 2025-08-05 14:18:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6414169971610412
+INFO 2025-08-05 14:18:03 /learner.py:612 [LEARNER] Number of optimization step: 1068
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:18:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 136651514
+DEBUG 2025-08-05 14:18:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:18:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5136571585557906
+INFO 2025-08-05 14:18:05 /learner.py:612 [LEARNER] Number of optimization step: 1069
+DEBUG 2025-08-05 14:18:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:18:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:18:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.692747701222825
+INFO 2025-08-05 14:18:07 /learner.py:612 [LEARNER] Number of optimization step: 1070
+DEBUG 2025-08-05 14:18:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5528875600853896
+INFO 2025-08-05 14:18:09 /learner.py:612 [LEARNER] Number of optimization step: 1071
+DEBUG 2025-08-05 14:18:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:18:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6342775071978092
+INFO 2025-08-05 14:18:11 /learner.py:612 [LEARNER] Number of optimization step: 1072
+DEBUG 2025-08-05 14:18:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5540526792299377
+INFO 2025-08-05 14:18:13 /learner.py:612 [LEARNER] Number of optimization step: 1073
+DEBUG 2025-08-05 14:18:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.546549507712071
+INFO 2025-08-05 14:18:15 /learner.py:612 [LEARNER] Number of optimization step: 1074
+DEBUG 2025-08-05 14:18:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5734343325271803
+INFO 2025-08-05 14:18:17 /learner.py:612 [LEARNER] Number of optimization step: 1075
+DEBUG 2025-08-05 14:18:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:18:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33965301
+DEBUG 2025-08-05 14:18:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6308878595159189
+INFO 2025-08-05 14:18:18 /learner.py:612 [LEARNER] Number of optimization step: 1076
+DEBUG 2025-08-05 14:18:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.569793256061815
+INFO 2025-08-05 14:18:20 /learner.py:612 [LEARNER] Number of optimization step: 1077
+DEBUG 2025-08-05 14:18:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5410506971528488
+INFO 2025-08-05 14:18:22 /learner.py:612 [LEARNER] Number of optimization step: 1078
+DEBUG 2025-08-05 14:18:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6076784176139226
+INFO 2025-08-05 14:18:24 /learner.py:612 [LEARNER] Number of optimization step: 1079
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436253
+DEBUG 2025-08-05 14:18:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6048514100658884
+INFO 2025-08-05 14:18:25 /learner.py:612 [LEARNER] Number of optimization step: 1080
+DEBUG 2025-08-05 14:18:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:18:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.573673469086567
+INFO 2025-08-05 14:18:27 /learner.py:612 [LEARNER] Number of optimization step: 1081
+DEBUG 2025-08-05 14:18:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6760735189017425
+INFO 2025-08-05 14:18:29 /learner.py:612 [LEARNER] Number of optimization step: 1082
+DEBUG 2025-08-05 14:18:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5280647185905012
+INFO 2025-08-05 14:18:31 /learner.py:612 [LEARNER] Number of optimization step: 1083
+DEBUG 2025-08-05 14:18:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:18:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:18:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5784998736707426
+INFO 2025-08-05 14:18:33 /learner.py:612 [LEARNER] Number of optimization step: 1084
+DEBUG 2025-08-05 14:18:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6792476536805507
+INFO 2025-08-05 14:18:34 /learner.py:612 [LEARNER] Number of optimization step: 1085
+DEBUG 2025-08-05 14:18:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:18:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:18:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5762776832764653
+INFO 2025-08-05 14:18:36 /learner.py:612 [LEARNER] Number of optimization step: 1086
+DEBUG 2025-08-05 14:18:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6139122870783413
+INFO 2025-08-05 14:18:38 /learner.py:612 [LEARNER] Number of optimization step: 1087
+DEBUG 2025-08-05 14:18:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:18:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5438330185042822
+INFO 2025-08-05 14:18:40 /learner.py:612 [LEARNER] Number of optimization step: 1088
+DEBUG 2025-08-05 14:18:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6990944760984663
+INFO 2025-08-05 14:18:41 /learner.py:612 [LEARNER] Number of optimization step: 1089
+DEBUG 2025-08-05 14:18:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5465534960349191
+INFO 2025-08-05 14:18:43 /learner.py:612 [LEARNER] Number of optimization step: 1090
+DEBUG 2025-08-05 14:18:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5404743275561605
+INFO 2025-08-05 14:18:45 /learner.py:612 [LEARNER] Number of optimization step: 1091
+DEBUG 2025-08-05 14:18:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5999531969557105
+INFO 2025-08-05 14:18:47 /learner.py:612 [LEARNER] Number of optimization step: 1092
+DEBUG 2025-08-05 14:18:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:18:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:47 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:18:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:18:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 32385637
+DEBUG 2025-08-05 14:18:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:18:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7466999548110346
+INFO 2025-08-05 14:18:48 /learner.py:612 [LEARNER] Number of optimization step: 1093
+DEBUG 2025-08-05 14:18:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.563440266514093
+INFO 2025-08-05 14:18:50 /learner.py:612 [LEARNER] Number of optimization step: 1094
+DEBUG 2025-08-05 14:18:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5346865844133408
+INFO 2025-08-05 14:18:52 /learner.py:612 [LEARNER] Number of optimization step: 1095
+DEBUG 2025-08-05 14:18:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5519337398123721
+INFO 2025-08-05 14:18:54 /learner.py:612 [LEARNER] Number of optimization step: 1096
+DEBUG 2025-08-05 14:18:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5320595272051699
+INFO 2025-08-05 14:18:55 /learner.py:612 [LEARNER] Number of optimization step: 1097
+DEBUG 2025-08-05 14:18:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5495499883514092
+INFO 2025-08-05 14:18:57 /learner.py:612 [LEARNER] Number of optimization step: 1098
+DEBUG 2025-08-05 14:18:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:18:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:18:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:18:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:18:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6482171529691155
+INFO 2025-08-05 14:18:59 /learner.py:612 [LEARNER] Number of optimization step: 1099
+DEBUG 2025-08-05 14:18:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:18:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:18:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:18:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5566811358319138
+INFO 2025-08-05 14:19:01 /learner.py:612 [LEARNER] Number of optimization step: 1100
+DEBUG 2025-08-05 14:19:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7015027691056895
+INFO 2025-08-05 14:19:02 /learner.py:612 [LEARNER] Number of optimization step: 1101
+DEBUG 2025-08-05 14:19:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:02 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+INFO 2025-08-05 14:19:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:19:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 82148278
+DEBUG 2025-08-05 14:19:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:19:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.648021460297503
+INFO 2025-08-05 14:19:04 /learner.py:612 [LEARNER] Number of optimization step: 1102
+DEBUG 2025-08-05 14:19:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5932130536323723
+INFO 2025-08-05 14:19:06 /learner.py:612 [LEARNER] Number of optimization step: 1103
+DEBUG 2025-08-05 14:19:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5381310165195679
+INFO 2025-08-05 14:19:08 /learner.py:612 [LEARNER] Number of optimization step: 1104
+DEBUG 2025-08-05 14:19:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5391228407553439
+INFO 2025-08-05 14:19:10 /learner.py:612 [LEARNER] Number of optimization step: 1105
+DEBUG 2025-08-05 14:19:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6296432066300625
+INFO 2025-08-05 14:19:11 /learner.py:612 [LEARNER] Number of optimization step: 1106
+DEBUG 2025-08-05 14:19:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:11 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:19:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 39494477
+DEBUG 2025-08-05 14:19:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:19:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7006417067192241
+INFO 2025-08-05 14:19:13 /learner.py:612 [LEARNER] Number of optimization step: 1107
+DEBUG 2025-08-05 14:19:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:19:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:19:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:19:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5789906769892095
+INFO 2025-08-05 14:19:15 /learner.py:612 [LEARNER] Number of optimization step: 1108
+DEBUG 2025-08-05 14:19:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7236541847894523
+INFO 2025-08-05 14:19:16 /learner.py:612 [LEARNER] Number of optimization step: 1109
+DEBUG 2025-08-05 14:19:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5413036778402294
+INFO 2025-08-05 14:19:18 /learner.py:612 [LEARNER] Number of optimization step: 1110
+DEBUG 2025-08-05 14:19:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5246500082306114
+INFO 2025-08-05 14:19:20 /learner.py:612 [LEARNER] Number of optimization step: 1111
+DEBUG 2025-08-05 14:19:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5502095403528267
+INFO 2025-08-05 14:19:22 /learner.py:612 [LEARNER] Number of optimization step: 1112
+DEBUG 2025-08-05 14:19:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:22 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:19:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:19:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 37124885
+DEBUG 2025-08-05 14:19:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:19:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6699372050773023
+INFO 2025-08-05 14:19:23 /learner.py:612 [LEARNER] Number of optimization step: 1113
+DEBUG 2025-08-05 14:19:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6394741624536725
+INFO 2025-08-05 14:19:25 /learner.py:612 [LEARNER] Number of optimization step: 1114
+DEBUG 2025-08-05 14:19:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.547690614276925
+INFO 2025-08-05 14:19:27 /learner.py:612 [LEARNER] Number of optimization step: 1115
+DEBUG 2025-08-05 14:19:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5390308298068793
+INFO 2025-08-05 14:19:29 /learner.py:612 [LEARNER] Number of optimization step: 1116
+DEBUG 2025-08-05 14:19:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:19:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:19:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6077758071827987
+INFO 2025-08-05 14:19:30 /learner.py:612 [LEARNER] Number of optimization step: 1117
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:19:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175437
+DEBUG 2025-08-05 14:19:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6128330262712429
+INFO 2025-08-05 14:19:32 /learner.py:612 [LEARNER] Number of optimization step: 1118
+DEBUG 2025-08-05 14:19:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5825931178649395
+INFO 2025-08-05 14:19:34 /learner.py:612 [LEARNER] Number of optimization step: 1119
+DEBUG 2025-08-05 14:19:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5510669609097513
+INFO 2025-08-05 14:19:36 /learner.py:612 [LEARNER] Number of optimization step: 1120
+DEBUG 2025-08-05 14:19:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5515167976483433
+INFO 2025-08-05 14:19:38 /learner.py:612 [LEARNER] Number of optimization step: 1121
+DEBUG 2025-08-05 14:19:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:38 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:39 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:19:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 37914749
+DEBUG 2025-08-05 14:19:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:19:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6616043036851291
+INFO 2025-08-05 14:19:39 /learner.py:612 [LEARNER] Number of optimization step: 1122
+DEBUG 2025-08-05 14:19:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5758057741671802
+INFO 2025-08-05 14:19:41 /learner.py:612 [LEARNER] Number of optimization step: 1123
+DEBUG 2025-08-05 14:19:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:19:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:19:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5557527031578755
+INFO 2025-08-05 14:19:43 /learner.py:612 [LEARNER] Number of optimization step: 1124
+DEBUG 2025-08-05 14:19:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6875875503405063
+INFO 2025-08-05 14:19:45 /learner.py:612 [LEARNER] Number of optimization step: 1125
+DEBUG 2025-08-05 14:19:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5369531815303867
+INFO 2025-08-05 14:19:47 /learner.py:612 [LEARNER] Number of optimization step: 1126
+DEBUG 2025-08-05 14:19:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:19:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:19:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5794514920097862
+INFO 2025-08-05 14:19:48 /learner.py:612 [LEARNER] Number of optimization step: 1127
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:19:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:19:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 21327349
+DEBUG 2025-08-05 14:19:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:19:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6535798115599335
+INFO 2025-08-05 14:19:50 /learner.py:612 [LEARNER] Number of optimization step: 1128
+DEBUG 2025-08-05 14:19:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5800222668109855
+INFO 2025-08-05 14:19:52 /learner.py:612 [LEARNER] Number of optimization step: 1129
+DEBUG 2025-08-05 14:19:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5393756167343616
+INFO 2025-08-05 14:19:54 /learner.py:612 [LEARNER] Number of optimization step: 1130
+DEBUG 2025-08-05 14:19:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5449139461764942
+INFO 2025-08-05 14:19:55 /learner.py:612 [LEARNER] Number of optimization step: 1131
+DEBUG 2025-08-05 14:19:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5340503057974039
+INFO 2025-08-05 14:19:57 /learner.py:612 [LEARNER] Number of optimization step: 1132
+DEBUG 2025-08-05 14:19:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:19:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:19:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:19:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:19:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6206134064970227
+INFO 2025-08-05 14:19:59 /learner.py:612 [LEARNER] Number of optimization step: 1133
+DEBUG 2025-08-05 14:19:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:19:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:19:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:19:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:20:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 56081877
+DEBUG 2025-08-05 14:20:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6496813782772205
+INFO 2025-08-05 14:20:01 /learner.py:612 [LEARNER] Number of optimization step: 1134
+DEBUG 2025-08-05 14:20:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5784105230504117
+INFO 2025-08-05 14:20:03 /learner.py:612 [LEARNER] Number of optimization step: 1135
+DEBUG 2025-08-05 14:20:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5329511201790912
+INFO 2025-08-05 14:20:04 /learner.py:612 [LEARNER] Number of optimization step: 1136
+DEBUG 2025-08-05 14:20:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5562125858664976
+INFO 2025-08-05 14:20:06 /learner.py:612 [LEARNER] Number of optimization step: 1137
+DEBUG 2025-08-05 14:20:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:06 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:20:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30016045
+DEBUG 2025-08-05 14:20:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6982210631853334
+INFO 2025-08-05 14:20:08 /learner.py:612 [LEARNER] Number of optimization step: 1138
+DEBUG 2025-08-05 14:20:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.55961301144079
+INFO 2025-08-05 14:20:10 /learner.py:612 [LEARNER] Number of optimization step: 1139
+DEBUG 2025-08-05 14:20:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:20:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.636257462829093
+INFO 2025-08-05 14:20:11 /learner.py:612 [LEARNER] Number of optimization step: 1140
+DEBUG 2025-08-05 14:20:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5838480954556085
+INFO 2025-08-05 14:20:13 /learner.py:612 [LEARNER] Number of optimization step: 1141
+DEBUG 2025-08-05 14:20:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:20:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:20:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5708971102103392
+INFO 2025-08-05 14:20:15 /learner.py:612 [LEARNER] Number of optimization step: 1142
+DEBUG 2025-08-05 14:20:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6801065256222063
+INFO 2025-08-05 14:20:17 /learner.py:612 [LEARNER] Number of optimization step: 1143
+DEBUG 2025-08-05 14:20:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5321738178760015
+INFO 2025-08-05 14:20:19 /learner.py:612 [LEARNER] Number of optimization step: 1144
+DEBUG 2025-08-05 14:20:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:19 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:20 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:20 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:20:20 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6792318139148374
+INFO 2025-08-05 14:20:20 /learner.py:612 [LEARNER] Number of optimization step: 1145
+DEBUG 2025-08-05 14:20:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5979306310308491
+INFO 2025-08-05 14:20:22 /learner.py:612 [LEARNER] Number of optimization step: 1146
+DEBUG 2025-08-05 14:20:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:20:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:20:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5773812355583642
+INFO 2025-08-05 14:20:24 /learner.py:612 [LEARNER] Number of optimization step: 1147
+DEBUG 2025-08-05 14:20:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6697734188833299
+INFO 2025-08-05 14:20:25 /learner.py:612 [LEARNER] Number of optimization step: 1148
+DEBUG 2025-08-05 14:20:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5413211431411277
+INFO 2025-08-05 14:20:27 /learner.py:612 [LEARNER] Number of optimization step: 1149
+DEBUG 2025-08-05 14:20:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:20:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6196783398375952
+INFO 2025-08-05 14:20:29 /learner.py:612 [LEARNER] Number of optimization step: 1150
+DEBUG 2025-08-05 14:20:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5746523252742701
+INFO 2025-08-05 14:20:31 /learner.py:612 [LEARNER] Number of optimization step: 1151
+DEBUG 2025-08-05 14:20:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5471915216385792
+INFO 2025-08-05 14:20:32 /learner.py:612 [LEARNER] Number of optimization step: 1152
+DEBUG 2025-08-05 14:20:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5491766871748368
+INFO 2025-08-05 14:20:34 /learner.py:612 [LEARNER] Number of optimization step: 1153
+DEBUG 2025-08-05 14:20:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5742905441564765
+INFO 2025-08-05 14:20:36 /learner.py:612 [LEARNER] Number of optimization step: 1154
+DEBUG 2025-08-05 14:20:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5723906354725762
+INFO 2025-08-05 14:20:38 /learner.py:612 [LEARNER] Number of optimization step: 1155
+DEBUG 2025-08-05 14:20:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6104440953550538
+INFO 2025-08-05 14:20:39 /learner.py:612 [LEARNER] Number of optimization step: 1156
+DEBUG 2025-08-05 14:20:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:40 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:20:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7876544390699999
+INFO 2025-08-05 14:20:41 /learner.py:612 [LEARNER] Number of optimization step: 1157
+DEBUG 2025-08-05 14:20:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:20:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 67930062
+DEBUG 2025-08-05 14:20:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7444615818710832
+INFO 2025-08-05 14:20:42 /learner.py:612 [LEARNER] Number of optimization step: 1158
+DEBUG 2025-08-05 14:20:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6546052601624449
+INFO 2025-08-05 14:20:44 /learner.py:612 [LEARNER] Number of optimization step: 1159
+DEBUG 2025-08-05 14:20:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:20:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:20:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6132894007947148
+INFO 2025-08-05 14:20:45 /learner.py:612 [LEARNER] Number of optimization step: 1160
+DEBUG 2025-08-05 14:20:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.734266966512091
+INFO 2025-08-05 14:20:47 /learner.py:612 [LEARNER] Number of optimization step: 1161
+DEBUG 2025-08-05 14:20:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6222954029278261
+INFO 2025-08-05 14:20:49 /learner.py:612 [LEARNER] Number of optimization step: 1162
+DEBUG 2025-08-05 14:20:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6032186295431615
+INFO 2025-08-05 14:20:50 /learner.py:612 [LEARNER] Number of optimization step: 1163
+DEBUG 2025-08-05 14:20:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5910560560001131
+INFO 2025-08-05 14:20:52 /learner.py:612 [LEARNER] Number of optimization step: 1164
+DEBUG 2025-08-05 14:20:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:20:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7278390035726812
+INFO 2025-08-05 14:20:53 /learner.py:612 [LEARNER] Number of optimization step: 1165
+DEBUG 2025-08-05 14:20:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:53 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:20:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 34755293
+DEBUG 2025-08-05 14:20:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:20:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6945068550817984
+INFO 2025-08-05 14:20:55 /learner.py:612 [LEARNER] Number of optimization step: 1166
+DEBUG 2025-08-05 14:20:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6484398294513886
+INFO 2025-08-05 14:20:56 /learner.py:612 [LEARNER] Number of optimization step: 1167
+DEBUG 2025-08-05 14:20:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:20:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:20:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:20:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:20:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:20:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.699376342427891
+INFO 2025-08-05 14:20:58 /learner.py:612 [LEARNER] Number of optimization step: 1168
+DEBUG 2025-08-05 14:20:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:20:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:20:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:20:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:20:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:20:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:20:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:20:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7096271862975758
+INFO 2025-08-05 14:20:59 /learner.py:612 [LEARNER] Number of optimization step: 1169
+DEBUG 2025-08-05 14:21:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:01 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:01 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:21:01 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6102236622522308
+INFO 2025-08-05 14:21:01 /learner.py:612 [LEARNER] Number of optimization step: 1170
+DEBUG 2025-08-05 14:21:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8099086701261324
+INFO 2025-08-05 14:21:02 /learner.py:612 [LEARNER] Number of optimization step: 1171
+DEBUG 2025-08-05 14:21:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5815546290432598
+INFO 2025-08-05 14:21:04 /learner.py:612 [LEARNER] Number of optimization step: 1172
+DEBUG 2025-08-05 14:21:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5888884766963677
+INFO 2025-08-05 14:21:06 /learner.py:612 [LEARNER] Number of optimization step: 1173
+DEBUG 2025-08-05 14:21:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:06 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:21:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 23697005
+DEBUG 2025-08-05 14:21:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7355835455389037
+INFO 2025-08-05 14:21:07 /learner.py:612 [LEARNER] Number of optimization step: 1174
+DEBUG 2025-08-05 14:21:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7002540527668334
+INFO 2025-08-05 14:21:09 /learner.py:612 [LEARNER] Number of optimization step: 1175
+DEBUG 2025-08-05 14:21:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5890176528925749
+INFO 2025-08-05 14:21:11 /learner.py:612 [LEARNER] Number of optimization step: 1176
+DEBUG 2025-08-05 14:21:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:11 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:21:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.715430324200733
+INFO 2025-08-05 14:21:12 /learner.py:612 [LEARNER] Number of optimization step: 1177
+DEBUG 2025-08-05 14:21:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6270398430525693
+INFO 2025-08-05 14:21:14 /learner.py:612 [LEARNER] Number of optimization step: 1178
+DEBUG 2025-08-05 14:21:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.598643486754097
+INFO 2025-08-05 14:21:15 /learner.py:612 [LEARNER] Number of optimization step: 1179
+DEBUG 2025-08-05 14:21:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6229662417149326
+INFO 2025-08-05 14:21:17 /learner.py:612 [LEARNER] Number of optimization step: 1180
+DEBUG 2025-08-05 14:21:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:18 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:21:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 27646389
+DEBUG 2025-08-05 14:21:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7264601278596674
+INFO 2025-08-05 14:21:18 /learner.py:612 [LEARNER] Number of optimization step: 1181
+DEBUG 2025-08-05 14:21:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6929345944732511
+INFO 2025-08-05 14:21:20 /learner.py:612 [LEARNER] Number of optimization step: 1182
+DEBUG 2025-08-05 14:21:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6047587920441568
+INFO 2025-08-05 14:21:22 /learner.py:612 [LEARNER] Number of optimization step: 1183
+DEBUG 2025-08-05 14:21:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5868203049088
+INFO 2025-08-05 14:21:23 /learner.py:612 [LEARNER] Number of optimization step: 1184
+DEBUG 2025-08-05 14:21:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:21:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 27646389
+DEBUG 2025-08-05 14:21:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7905273261916398
+INFO 2025-08-05 14:21:25 /learner.py:612 [LEARNER] Number of optimization step: 1185
+DEBUG 2025-08-05 14:21:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6617653713568433
+INFO 2025-08-05 14:21:26 /learner.py:612 [LEARNER] Number of optimization step: 1186
+DEBUG 2025-08-05 14:21:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5946884021063681
+INFO 2025-08-05 14:21:28 /learner.py:612 [LEARNER] Number of optimization step: 1187
+DEBUG 2025-08-05 14:21:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5438471215364759
+INFO 2025-08-05 14:21:30 /learner.py:612 [LEARNER] Number of optimization step: 1188
+DEBUG 2025-08-05 14:21:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:30 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:21:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 27646389
+DEBUG 2025-08-05 14:21:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6935832649018067
+INFO 2025-08-05 14:21:31 /learner.py:612 [LEARNER] Number of optimization step: 1189
+DEBUG 2025-08-05 14:21:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5739990433484947
+INFO 2025-08-05 14:21:33 /learner.py:612 [LEARNER] Number of optimization step: 1190
+DEBUG 2025-08-05 14:21:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:21:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5757659366177702
+INFO 2025-08-05 14:21:35 /learner.py:612 [LEARNER] Number of optimization step: 1191
+DEBUG 2025-08-05 14:21:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7171716821145429
+INFO 2025-08-05 14:21:36 /learner.py:612 [LEARNER] Number of optimization step: 1192
+DEBUG 2025-08-05 14:21:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5588950613535185
+INFO 2025-08-05 14:21:38 /learner.py:612 [LEARNER] Number of optimization step: 1193
+DEBUG 2025-08-05 14:21:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:21:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6014742073136249
+INFO 2025-08-05 14:21:40 /learner.py:612 [LEARNER] Number of optimization step: 1194
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:21:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:21:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7326771271298204
+INFO 2025-08-05 14:21:41 /learner.py:612 [LEARNER] Number of optimization step: 1195
+DEBUG 2025-08-05 14:21:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5995374430002369
+INFO 2025-08-05 14:21:43 /learner.py:612 [LEARNER] Number of optimization step: 1196
+DEBUG 2025-08-05 14:21:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:21:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6427878722817518
+INFO 2025-08-05 14:21:45 /learner.py:612 [LEARNER] Number of optimization step: 1197
+DEBUG 2025-08-05 14:21:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7411346378097676
+INFO 2025-08-05 14:21:46 /learner.py:612 [LEARNER] Number of optimization step: 1198
+DEBUG 2025-08-05 14:21:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49573479117187247
+INFO 2025-08-05 14:21:48 /learner.py:612 [LEARNER] Number of optimization step: 1199
+DEBUG 2025-08-05 14:21:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5760309915700048
+INFO 2025-08-05 14:21:50 /learner.py:612 [LEARNER] Number of optimization step: 1200
+DEBUG 2025-08-05 14:21:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6064613085711926
+INFO 2025-08-05 14:21:52 /learner.py:612 [LEARNER] Number of optimization step: 1201
+DEBUG 2025-08-05 14:21:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:21:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 35545157
+DEBUG 2025-08-05 14:21:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6409770749344088
+INFO 2025-08-05 14:21:53 /learner.py:612 [LEARNER] Number of optimization step: 1202
+DEBUG 2025-08-05 14:21:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6478414953462366
+INFO 2025-08-05 14:21:55 /learner.py:612 [LEARNER] Number of optimization step: 1203
+DEBUG 2025-08-05 14:21:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:55 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:21:56 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:21:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:21:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:21:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:21:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6759462597474291
+INFO 2025-08-05 14:21:56 /learner.py:612 [LEARNER] Number of optimization step: 1204
+DEBUG 2025-08-05 14:21:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:21:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:21:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:21:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6364524878542627
+INFO 2025-08-05 14:21:58 /learner.py:612 [LEARNER] Number of optimization step: 1205
+DEBUG 2025-08-05 14:21:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:21:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:21:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:21:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:21:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.563782060614589
+INFO 2025-08-05 14:22:00 /learner.py:612 [LEARNER] Number of optimization step: 1206
+DEBUG 2025-08-05 14:22:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:00 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:01 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:22:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:01 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:22:01 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7380110051221637
+INFO 2025-08-05 14:22:01 /learner.py:612 [LEARNER] Number of optimization step: 1207
+DEBUG 2025-08-05 14:22:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5819810951106578
+INFO 2025-08-05 14:22:03 /learner.py:612 [LEARNER] Number of optimization step: 1208
+DEBUG 2025-08-05 14:22:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.55967857478487
+INFO 2025-08-05 14:22:05 /learner.py:612 [LEARNER] Number of optimization step: 1209
+DEBUG 2025-08-05 14:22:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:22:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5496068051033965
+INFO 2025-08-05 14:22:07 /learner.py:612 [LEARNER] Number of optimization step: 1210
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:22:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26856525
+DEBUG 2025-08-05 14:22:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:22:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6596054884561544
+INFO 2025-08-05 14:22:08 /learner.py:612 [LEARNER] Number of optimization step: 1211
+DEBUG 2025-08-05 14:22:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:22:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:22:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5974929051070734
+INFO 2025-08-05 14:22:10 /learner.py:612 [LEARNER] Number of optimization step: 1212
+DEBUG 2025-08-05 14:22:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6725667799148738
+INFO 2025-08-05 14:22:12 /learner.py:612 [LEARNER] Number of optimization step: 1213
+DEBUG 2025-08-05 14:22:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:22:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5398051717072364
+INFO 2025-08-05 14:22:14 /learner.py:612 [LEARNER] Number of optimization step: 1214
+DEBUG 2025-08-05 14:22:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6986030944624554
+INFO 2025-08-05 14:22:15 /learner.py:612 [LEARNER] Number of optimization step: 1215
+DEBUG 2025-08-05 14:22:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5427854493473708
+INFO 2025-08-05 14:22:17 /learner.py:612 [LEARNER] Number of optimization step: 1216
+DEBUG 2025-08-05 14:22:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:18 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:22:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:22:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6671618848170942
+INFO 2025-08-05 14:22:19 /learner.py:612 [LEARNER] Number of optimization step: 1217
+DEBUG 2025-08-05 14:22:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5841878465908742
+INFO 2025-08-05 14:22:20 /learner.py:612 [LEARNER] Number of optimization step: 1218
+DEBUG 2025-08-05 14:22:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:22:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:22:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6001258252001798
+INFO 2025-08-05 14:22:22 /learner.py:612 [LEARNER] Number of optimization step: 1219
+DEBUG 2025-08-05 14:22:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.656448884156384
+INFO 2025-08-05 14:22:24 /learner.py:612 [LEARNER] Number of optimization step: 1220
+DEBUG 2025-08-05 14:22:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5539371388561405
+INFO 2025-08-05 14:22:26 /learner.py:612 [LEARNER] Number of optimization step: 1221
+DEBUG 2025-08-05 14:22:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:22:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:22:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6655723757035112
+INFO 2025-08-05 14:22:27 /learner.py:612 [LEARNER] Number of optimization step: 1222
+DEBUG 2025-08-05 14:22:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5096780776373084
+INFO 2025-08-05 14:22:29 /learner.py:612 [LEARNER] Number of optimization step: 1223
+DEBUG 2025-08-05 14:22:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:22:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:22:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6634322072860841
+INFO 2025-08-05 14:22:31 /learner.py:612 [LEARNER] Number of optimization step: 1224
+DEBUG 2025-08-05 14:22:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7396145813241688
+INFO 2025-08-05 14:22:32 /learner.py:612 [LEARNER] Number of optimization step: 1225
+DEBUG 2025-08-05 14:22:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5725970853177927
+INFO 2025-08-05 14:22:34 /learner.py:612 [LEARNER] Number of optimization step: 1226
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:22:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:22:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5690302817232844
+INFO 2025-08-05 14:22:36 /learner.py:612 [LEARNER] Number of optimization step: 1227
+DEBUG 2025-08-05 14:22:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:22:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.629283381200403
+INFO 2025-08-05 14:22:38 /learner.py:612 [LEARNER] Number of optimization step: 1228
+DEBUG 2025-08-05 14:22:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7374482442402974
+INFO 2025-08-05 14:22:39 /learner.py:612 [LEARNER] Number of optimization step: 1229
+DEBUG 2025-08-05 14:22:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:22:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5408675507931101
+INFO 2025-08-05 14:22:41 /learner.py:612 [LEARNER] Number of optimization step: 1230
+DEBUG 2025-08-05 14:22:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6241788524337719
+INFO 2025-08-05 14:22:43 /learner.py:612 [LEARNER] Number of optimization step: 1231
+DEBUG 2025-08-05 14:22:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:43 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:22:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7109605
+DEBUG 2025-08-05 14:22:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6829399978174112
+INFO 2025-08-05 14:22:44 /learner.py:612 [LEARNER] Number of optimization step: 1232
+DEBUG 2025-08-05 14:22:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5614625021562072
+INFO 2025-08-05 14:22:46 /learner.py:612 [LEARNER] Number of optimization step: 1233
+DEBUG 2025-08-05 14:22:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:22:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:22:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:22:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:22:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:22:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:22:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5696651005331227
+INFO 2025-08-05 14:22:48 /learner.py:612 [LEARNER] Number of optimization step: 1234
+DEBUG 2025-08-05 14:22:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5621218195669202
+INFO 2025-08-05 14:22:50 /learner.py:612 [LEARNER] Number of optimization step: 1235
+DEBUG 2025-08-05 14:22:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5309181722211147
+INFO 2025-08-05 14:22:52 /learner.py:612 [LEARNER] Number of optimization step: 1236
+DEBUG 2025-08-05 14:22:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6280976187279874
+INFO 2025-08-05 14:22:53 /learner.py:612 [LEARNER] Number of optimization step: 1237
+DEBUG 2025-08-05 14:22:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5805705398229389
+INFO 2025-08-05 14:22:55 /learner.py:612 [LEARNER] Number of optimization step: 1238
+DEBUG 2025-08-05 14:22:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5536771115828948
+INFO 2025-08-05 14:22:57 /learner.py:612 [LEARNER] Number of optimization step: 1239
+DEBUG 2025-08-05 14:22:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:22:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:22:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:22:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:22:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5811155026142933
+INFO 2025-08-05 14:22:58 /learner.py:612 [LEARNER] Number of optimization step: 1240
+DEBUG 2025-08-05 14:22:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:22:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:22:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:22:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5875421237499938
+INFO 2025-08-05 14:23:00 /learner.py:612 [LEARNER] Number of optimization step: 1241
+DEBUG 2025-08-05 14:23:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6270095661166302
+INFO 2025-08-05 14:23:02 /learner.py:612 [LEARNER] Number of optimization step: 1242
+DEBUG 2025-08-05 14:23:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6230695191179878
+INFO 2025-08-05 14:23:03 /learner.py:612 [LEARNER] Number of optimization step: 1243
+DEBUG 2025-08-05 14:23:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5560740988172623
+INFO 2025-08-05 14:23:05 /learner.py:612 [LEARNER] Number of optimization step: 1244
+DEBUG 2025-08-05 14:23:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6040795889137835
+INFO 2025-08-05 14:23:07 /learner.py:612 [LEARNER] Number of optimization step: 1245
+DEBUG 2025-08-05 14:23:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7148418807332948
+INFO 2025-08-05 14:23:08 /learner.py:612 [LEARNER] Number of optimization step: 1246
+DEBUG 2025-08-05 14:23:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5219319337359813
+INFO 2025-08-05 14:23:10 /learner.py:612 [LEARNER] Number of optimization step: 1247
+DEBUG 2025-08-05 14:23:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5485089911813871
+INFO 2025-08-05 14:23:12 /learner.py:612 [LEARNER] Number of optimization step: 1248
+DEBUG 2025-08-05 14:23:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5153281818795481
+INFO 2025-08-05 14:23:14 /learner.py:612 [LEARNER] Number of optimization step: 1249
+DEBUG 2025-08-05 14:23:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4743631732223388
+INFO 2025-08-05 14:23:16 /learner.py:612 [LEARNER] Number of optimization step: 1250
+DEBUG 2025-08-05 14:23:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5809134052414525
+INFO 2025-08-05 14:23:18 /learner.py:612 [LEARNER] Number of optimization step: 1251
+DEBUG 2025-08-05 14:23:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5448263881725949
+INFO 2025-08-05 14:23:19 /learner.py:612 [LEARNER] Number of optimization step: 1252
+DEBUG 2025-08-05 14:23:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6734828981904161
+INFO 2025-08-05 14:23:21 /learner.py:612 [LEARNER] Number of optimization step: 1253
+DEBUG 2025-08-05 14:23:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:23:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:23:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:23:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5792807105729326
+INFO 2025-08-05 14:23:23 /learner.py:612 [LEARNER] Number of optimization step: 1254
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:23:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:23:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+INFO 2025-08-05 14:23:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:23:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 180885787
+DEBUG 2025-08-05 14:23:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:23:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.46462426242380744
+INFO 2025-08-05 14:23:25 /learner.py:612 [LEARNER] Number of optimization step: 1255
+DEBUG 2025-08-05 14:23:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6598080335688897
+INFO 2025-08-05 14:23:27 /learner.py:612 [LEARNER] Number of optimization step: 1256
+DEBUG 2025-08-05 14:23:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.542937776607363
+INFO 2025-08-05 14:23:29 /learner.py:612 [LEARNER] Number of optimization step: 1257
+DEBUG 2025-08-05 14:23:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6025479866490461
+INFO 2025-08-05 14:23:31 /learner.py:612 [LEARNER] Number of optimization step: 1258
+DEBUG 2025-08-05 14:23:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5644615008544333
+INFO 2025-08-05 14:23:32 /learner.py:612 [LEARNER] Number of optimization step: 1259
+DEBUG 2025-08-05 14:23:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5708119568960479
+INFO 2025-08-05 14:23:34 /learner.py:612 [LEARNER] Number of optimization step: 1260
+DEBUG 2025-08-05 14:23:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5675435437155535
+INFO 2025-08-05 14:23:36 /learner.py:612 [LEARNER] Number of optimization step: 1261
+DEBUG 2025-08-05 14:23:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5798768822260322
+INFO 2025-08-05 14:23:38 /learner.py:612 [LEARNER] Number of optimization step: 1262
+DEBUG 2025-08-05 14:23:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5651820279252254
+INFO 2025-08-05 14:23:40 /learner.py:612 [LEARNER] Number of optimization step: 1263
+DEBUG 2025-08-05 14:23:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5725859072710683
+INFO 2025-08-05 14:23:41 /learner.py:612 [LEARNER] Number of optimization step: 1264
+DEBUG 2025-08-05 14:23:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6075147924274871
+INFO 2025-08-05 14:23:43 /learner.py:612 [LEARNER] Number of optimization step: 1265
+DEBUG 2025-08-05 14:23:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6130065172790364
+INFO 2025-08-05 14:23:45 /learner.py:612 [LEARNER] Number of optimization step: 1266
+DEBUG 2025-08-05 14:23:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5520951701076672
+INFO 2025-08-05 14:23:46 /learner.py:612 [LEARNER] Number of optimization step: 1267
+DEBUG 2025-08-05 14:23:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5629806763759729
+INFO 2025-08-05 14:23:48 /learner.py:612 [LEARNER] Number of optimization step: 1268
+DEBUG 2025-08-05 14:23:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4703151082461944
+INFO 2025-08-05 14:23:50 /learner.py:612 [LEARNER] Number of optimization step: 1269
+DEBUG 2025-08-05 14:23:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6008912714160779
+INFO 2025-08-05 14:23:52 /learner.py:612 [LEARNER] Number of optimization step: 1270
+DEBUG 2025-08-05 14:23:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6989508327007938
+INFO 2025-08-05 14:23:53 /learner.py:612 [LEARNER] Number of optimization step: 1271
+DEBUG 2025-08-05 14:23:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:23:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:54 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:23:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:23:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:55 ort/utils.py:93 [LEARNER] transitions Received data at step end size 172197150
+DEBUG 2025-08-05 14:23:55 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:23:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.681497671416428
+INFO 2025-08-05 14:23:55 /learner.py:612 [LEARNER] Number of optimization step: 1272
+DEBUG 2025-08-05 14:23:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:23:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:23:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:23:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:23:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:23:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6128966073399241
+INFO 2025-08-05 14:23:58 /learner.py:612 [LEARNER] Number of optimization step: 1273
+DEBUG 2025-08-05 14:23:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:23:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:23:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:23:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:23:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:23:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:23:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:23:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6331619357084282
+INFO 2025-08-05 14:23:59 /learner.py:612 [LEARNER] Number of optimization step: 1274
+DEBUG 2025-08-05 14:24:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5144744005399673
+INFO 2025-08-05 14:24:01 /learner.py:612 [LEARNER] Number of optimization step: 1275
+DEBUG 2025-08-05 14:24:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:24:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22117277
+DEBUG 2025-08-05 14:24:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:24:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5487760326156934
+INFO 2025-08-05 14:24:03 /learner.py:612 [LEARNER] Number of optimization step: 1276
+DEBUG 2025-08-05 14:24:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6739868910169705
+INFO 2025-08-05 14:24:05 /learner.py:612 [LEARNER] Number of optimization step: 1277
+DEBUG 2025-08-05 14:24:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5642868373467861
+INFO 2025-08-05 14:24:07 /learner.py:612 [LEARNER] Number of optimization step: 1278
+DEBUG 2025-08-05 14:24:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5723815744700917
+INFO 2025-08-05 14:24:08 /learner.py:612 [LEARNER] Number of optimization step: 1279
+DEBUG 2025-08-05 14:24:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:09 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:09 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:24:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26856525
+DEBUG 2025-08-05 14:24:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:24:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7551782852884418
+INFO 2025-08-05 14:24:10 /learner.py:612 [LEARNER] Number of optimization step: 1280
+DEBUG 2025-08-05 14:24:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6427718157331013
+INFO 2025-08-05 14:24:12 /learner.py:612 [LEARNER] Number of optimization step: 1281
+DEBUG 2025-08-05 14:24:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:24:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:24:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6819566277005641
+INFO 2025-08-05 14:24:13 /learner.py:612 [LEARNER] Number of optimization step: 1282
+DEBUG 2025-08-05 14:24:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6220920708722357
+INFO 2025-08-05 14:24:15 /learner.py:612 [LEARNER] Number of optimization step: 1283
+DEBUG 2025-08-05 14:24:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5914674659386822
+INFO 2025-08-05 14:24:16 /learner.py:612 [LEARNER] Number of optimization step: 1284
+DEBUG 2025-08-05 14:24:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5742118435671688
+INFO 2025-08-05 14:24:18 /learner.py:612 [LEARNER] Number of optimization step: 1285
+DEBUG 2025-08-05 14:24:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:18 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:24:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30805909
+DEBUG 2025-08-05 14:24:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:24:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7301737121589187
+INFO 2025-08-05 14:24:20 /learner.py:612 [LEARNER] Number of optimization step: 1286
+DEBUG 2025-08-05 14:24:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.629085081619362
+INFO 2025-08-05 14:24:21 /learner.py:612 [LEARNER] Number of optimization step: 1287
+DEBUG 2025-08-05 14:24:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:24:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5853779716413368
+INFO 2025-08-05 14:24:23 /learner.py:612 [LEARNER] Number of optimization step: 1288
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:24:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:24:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:24:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7277288847604392
+INFO 2025-08-05 14:24:24 /learner.py:612 [LEARNER] Number of optimization step: 1289
+DEBUG 2025-08-05 14:24:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6100323999779128
+INFO 2025-08-05 14:24:26 /learner.py:612 [LEARNER] Number of optimization step: 1290
+DEBUG 2025-08-05 14:24:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5794243555227362
+INFO 2025-08-05 14:24:28 /learner.py:612 [LEARNER] Number of optimization step: 1291
+DEBUG 2025-08-05 14:24:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5748800292310623
+INFO 2025-08-05 14:24:30 /learner.py:612 [LEARNER] Number of optimization step: 1292
+DEBUG 2025-08-05 14:24:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5689053242252465
+INFO 2025-08-05 14:24:32 /learner.py:612 [LEARNER] Number of optimization step: 1293
+DEBUG 2025-08-05 14:24:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.577780746800721
+INFO 2025-08-05 14:24:33 /learner.py:612 [LEARNER] Number of optimization step: 1294
+DEBUG 2025-08-05 14:24:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5846170440102126
+INFO 2025-08-05 14:24:35 /learner.py:612 [LEARNER] Number of optimization step: 1295
+DEBUG 2025-08-05 14:24:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.574950795179712
+INFO 2025-08-05 14:24:37 /learner.py:612 [LEARNER] Number of optimization step: 1296
+DEBUG 2025-08-05 14:24:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5737525715553309
+INFO 2025-08-05 14:24:38 /learner.py:612 [LEARNER] Number of optimization step: 1297
+DEBUG 2025-08-05 14:24:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5887452252181173
+INFO 2025-08-05 14:24:40 /learner.py:612 [LEARNER] Number of optimization step: 1298
+DEBUG 2025-08-05 14:24:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5076844341569414
+INFO 2025-08-05 14:24:42 /learner.py:612 [LEARNER] Number of optimization step: 1299
+DEBUG 2025-08-05 14:24:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5723023810228228
+INFO 2025-08-05 14:24:44 /learner.py:612 [LEARNER] Number of optimization step: 1300
+DEBUG 2025-08-05 14:24:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5527729421944078
+INFO 2025-08-05 14:24:46 /learner.py:612 [LEARNER] Number of optimization step: 1301
+DEBUG 2025-08-05 14:24:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5639638429958003
+INFO 2025-08-05 14:24:47 /learner.py:612 [LEARNER] Number of optimization step: 1302
+DEBUG 2025-08-05 14:24:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.563348999716619
+INFO 2025-08-05 14:24:49 /learner.py:612 [LEARNER] Number of optimization step: 1303
+DEBUG 2025-08-05 14:24:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6140912448596008
+INFO 2025-08-05 14:24:51 /learner.py:612 [LEARNER] Number of optimization step: 1304
+DEBUG 2025-08-05 14:24:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5585422806977974
+INFO 2025-08-05 14:24:53 /learner.py:612 [LEARNER] Number of optimization step: 1305
+DEBUG 2025-08-05 14:24:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:24:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6899439805938393
+INFO 2025-08-05 14:24:54 /learner.py:612 [LEARNER] Number of optimization step: 1306
+DEBUG 2025-08-05 14:24:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:24:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8227169536158329
+INFO 2025-08-05 14:24:55 /learner.py:612 [LEARNER] Number of optimization step: 1307
+DEBUG 2025-08-05 14:24:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7995011955711242
+INFO 2025-08-05 14:24:57 /learner.py:612 [LEARNER] Number of optimization step: 1308
+INFO 2025-08-05 14:24:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:24:57 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:24:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:24:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:24:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:24:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:24:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6679138579689639
+INFO 2025-08-05 14:24:58 /learner.py:612 [LEARNER] Number of optimization step: 1309
+DEBUG 2025-08-05 14:24:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:24:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:24:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+INFO 2025-08-05 14:24:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:24:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:58 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 14:24:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:24:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 184835295
+DEBUG 2025-08-05 14:24:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:24:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.49541736690250265
+INFO 2025-08-05 14:25:00 /learner.py:612 [LEARNER] Number of optimization step: 1310
+DEBUG 2025-08-05 14:25:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6167630634540711
+INFO 2025-08-05 14:25:03 /learner.py:612 [LEARNER] Number of optimization step: 1311
+DEBUG 2025-08-05 14:25:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:25:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30016045
+DEBUG 2025-08-05 14:25:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:25:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8953794800140351
+INFO 2025-08-05 14:25:04 /learner.py:612 [LEARNER] Number of optimization step: 1312
+INFO 2025-08-05 14:25:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7819803319763962
+INFO 2025-08-05 14:25:06 /learner.py:612 [LEARNER] Number of optimization step: 1313
+DEBUG 2025-08-05 14:25:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5754575403190823
+INFO 2025-08-05 14:25:07 /learner.py:612 [LEARNER] Number of optimization step: 1314
+DEBUG 2025-08-05 14:25:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.616565867866595
+INFO 2025-08-05 14:25:09 /learner.py:612 [LEARNER] Number of optimization step: 1315
+DEBUG 2025-08-05 14:25:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6116981337463069
+INFO 2025-08-05 14:25:11 /learner.py:612 [LEARNER] Number of optimization step: 1316
+DEBUG 2025-08-05 14:25:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5578553410192512
+INFO 2025-08-05 14:25:12 /learner.py:612 [LEARNER] Number of optimization step: 1317
+DEBUG 2025-08-05 14:25:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5646526154056972
+INFO 2025-08-05 14:25:14 /learner.py:612 [LEARNER] Number of optimization step: 1318
+DEBUG 2025-08-05 14:25:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6990909804245045
+INFO 2025-08-05 14:25:16 /learner.py:612 [LEARNER] Number of optimization step: 1319
+DEBUG 2025-08-05 14:25:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.799518112070548
+INFO 2025-08-05 14:25:17 /learner.py:612 [LEARNER] Number of optimization step: 1320
+DEBUG 2025-08-05 14:25:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6107071003079244
+INFO 2025-08-05 14:25:18 /learner.py:612 [LEARNER] Number of optimization step: 1321
+DEBUG 2025-08-05 14:25:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6198406142923348
+INFO 2025-08-05 14:25:20 /learner.py:612 [LEARNER] Number of optimization step: 1322
+DEBUG 2025-08-05 14:25:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5864628892012512
+INFO 2025-08-05 14:25:22 /learner.py:612 [LEARNER] Number of optimization step: 1323
+DEBUG 2025-08-05 14:25:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7272016100869276
+INFO 2025-08-05 14:25:23 /learner.py:612 [LEARNER] Number of optimization step: 1324
+DEBUG 2025-08-05 14:25:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6124195341293032
+INFO 2025-08-05 14:25:25 /learner.py:612 [LEARNER] Number of optimization step: 1325
+DEBUG 2025-08-05 14:25:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6267003090050229
+INFO 2025-08-05 14:25:26 /learner.py:612 [LEARNER] Number of optimization step: 1326
+DEBUG 2025-08-05 14:25:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5778267543019305
+INFO 2025-08-05 14:25:28 /learner.py:612 [LEARNER] Number of optimization step: 1327
+DEBUG 2025-08-05 14:25:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5990257464553076
+INFO 2025-08-05 14:25:30 /learner.py:612 [LEARNER] Number of optimization step: 1328
+DEBUG 2025-08-05 14:25:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5749972989956079
+INFO 2025-08-05 14:25:32 /learner.py:612 [LEARNER] Number of optimization step: 1329
+DEBUG 2025-08-05 14:25:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5784966023130476
+INFO 2025-08-05 14:25:33 /learner.py:612 [LEARNER] Number of optimization step: 1330
+DEBUG 2025-08-05 14:25:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7106871014250433
+INFO 2025-08-05 14:25:35 /learner.py:612 [LEARNER] Number of optimization step: 1331
+DEBUG 2025-08-05 14:25:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:35 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:25:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:25:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7988660498630965
+INFO 2025-08-05 14:25:36 /learner.py:612 [LEARNER] Number of optimization step: 1332
+DEBUG 2025-08-05 14:25:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7792276018921712
+INFO 2025-08-05 14:25:37 /learner.py:612 [LEARNER] Number of optimization step: 1333
+DEBUG 2025-08-05 14:25:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:39 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5752187287719843
+INFO 2025-08-05 14:25:39 /learner.py:612 [LEARNER] Number of optimization step: 1334
+DEBUG 2025-08-05 14:25:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:25:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:39 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:39 ort/utils.py:90 [LEARNER] transitions Received data at step 83
+DEBUG 2025-08-05 14:25:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:90 [LEARNER] transitions Received data at step 84
+DEBUG 2025-08-05 14:25:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:90 [LEARNER] transitions Received data at step 85
+DEBUG 2025-08-05 14:25:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:90 [LEARNER] transitions Received data at step 86
+DEBUG 2025-08-05 14:25:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:90 [LEARNER] transitions Received data at step 87
+DEBUG 2025-08-05 14:25:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:90 [LEARNER] transitions Received data at step 88
+DEBUG 2025-08-05 14:25:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 187994863
+DEBUG 2025-08-05 14:25:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:25:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5316337156792398
+INFO 2025-08-05 14:25:41 /learner.py:612 [LEARNER] Number of optimization step: 1335
+DEBUG 2025-08-05 14:25:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:25:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:25:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:25:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6733237512067458
+INFO 2025-08-05 14:25:43 /learner.py:612 [LEARNER] Number of optimization step: 1336
+DEBUG 2025-08-05 14:25:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:25:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:25:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:25:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6472088091303541
+INFO 2025-08-05 14:25:45 /learner.py:612 [LEARNER] Number of optimization step: 1337
+DEBUG 2025-08-05 14:25:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6330292021051876
+INFO 2025-08-05 14:25:47 /learner.py:612 [LEARNER] Number of optimization step: 1338
+DEBUG 2025-08-05 14:25:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:25:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:25:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5730420600142891
+INFO 2025-08-05 14:25:48 /learner.py:612 [LEARNER] Number of optimization step: 1339
+DEBUG 2025-08-05 14:25:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7170078897618987
+INFO 2025-08-05 14:25:50 /learner.py:612 [LEARNER] Number of optimization step: 1340
+DEBUG 2025-08-05 14:25:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5603834163180776
+INFO 2025-08-05 14:25:52 /learner.py:612 [LEARNER] Number of optimization step: 1341
+DEBUG 2025-08-05 14:25:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5588047398310575
+INFO 2025-08-05 14:25:54 /learner.py:612 [LEARNER] Number of optimization step: 1342
+DEBUG 2025-08-05 14:25:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6000883038022363
+INFO 2025-08-05 14:25:55 /learner.py:612 [LEARNER] Number of optimization step: 1343
+DEBUG 2025-08-05 14:25:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:55 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:25:56 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:25:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:25:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33965429
+DEBUG 2025-08-05 14:25:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:25:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5844550132612648
+INFO 2025-08-05 14:25:57 /learner.py:612 [LEARNER] Number of optimization step: 1344
+DEBUG 2025-08-05 14:25:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:25:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:25:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:25:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:25:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5465854759422025
+INFO 2025-08-05 14:25:59 /learner.py:612 [LEARNER] Number of optimization step: 1345
+DEBUG 2025-08-05 14:25:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:25:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:25:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:25:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:26:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6164367391147024
+INFO 2025-08-05 14:26:01 /learner.py:612 [LEARNER] Number of optimization step: 1346
+DEBUG 2025-08-05 14:26:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5847737836147053
+INFO 2025-08-05 14:26:03 /learner.py:612 [LEARNER] Number of optimization step: 1347
+DEBUG 2025-08-05 14:26:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5683063837719977
+INFO 2025-08-05 14:26:05 /learner.py:612 [LEARNER] Number of optimization step: 1348
+DEBUG 2025-08-05 14:26:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5490676995255691
+INFO 2025-08-05 14:26:06 /learner.py:612 [LEARNER] Number of optimization step: 1349
+DEBUG 2025-08-05 14:26:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6184701857349217
+INFO 2025-08-05 14:26:08 /learner.py:612 [LEARNER] Number of optimization step: 1350
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:08 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:26:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 36335021
+DEBUG 2025-08-05 14:26:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6642678311807999
+INFO 2025-08-05 14:26:10 /learner.py:612 [LEARNER] Number of optimization step: 1351
+DEBUG 2025-08-05 14:26:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:26:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5642233018410151
+INFO 2025-08-05 14:26:12 /learner.py:612 [LEARNER] Number of optimization step: 1352
+DEBUG 2025-08-05 14:26:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6747272004373648
+INFO 2025-08-05 14:26:13 /learner.py:612 [LEARNER] Number of optimization step: 1353
+DEBUG 2025-08-05 14:26:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5408937767203408
+INFO 2025-08-05 14:26:15 /learner.py:612 [LEARNER] Number of optimization step: 1354
+DEBUG 2025-08-05 14:26:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:15 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:16 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:16 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:26:16 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6615512927272569
+INFO 2025-08-05 14:26:17 /learner.py:612 [LEARNER] Number of optimization step: 1355
+DEBUG 2025-08-05 14:26:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5730752574172067
+INFO 2025-08-05 14:26:19 /learner.py:612 [LEARNER] Number of optimization step: 1356
+DEBUG 2025-08-05 14:26:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:20 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:20 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:20 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:26:20 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5378336080536557
+INFO 2025-08-05 14:26:20 /learner.py:612 [LEARNER] Number of optimization step: 1357
+DEBUG 2025-08-05 14:26:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5904024464486746
+INFO 2025-08-05 14:26:22 /learner.py:612 [LEARNER] Number of optimization step: 1358
+DEBUG 2025-08-05 14:26:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:26:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5634015161356255
+INFO 2025-08-05 14:26:24 /learner.py:612 [LEARNER] Number of optimization step: 1359
+DEBUG 2025-08-05 14:26:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6449397880394523
+INFO 2025-08-05 14:26:26 /learner.py:612 [LEARNER] Number of optimization step: 1360
+DEBUG 2025-08-05 14:26:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:26:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5439406431441988
+INFO 2025-08-05 14:26:28 /learner.py:612 [LEARNER] Number of optimization step: 1361
+DEBUG 2025-08-05 14:26:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.626986883764732
+INFO 2025-08-05 14:26:29 /learner.py:612 [LEARNER] Number of optimization step: 1362
+DEBUG 2025-08-05 14:26:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:26:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:26:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5908340026837559
+INFO 2025-08-05 14:26:31 /learner.py:612 [LEARNER] Number of optimization step: 1363
+DEBUG 2025-08-05 14:26:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6572094279752027
+INFO 2025-08-05 14:26:33 /learner.py:612 [LEARNER] Number of optimization step: 1364
+DEBUG 2025-08-05 14:26:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5404179905861889
+INFO 2025-08-05 14:26:34 /learner.py:612 [LEARNER] Number of optimization step: 1365
+DEBUG 2025-08-05 14:26:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:26:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:26:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:26:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6389078236346507
+INFO 2025-08-05 14:26:36 /learner.py:612 [LEARNER] Number of optimization step: 1366
+DEBUG 2025-08-05 14:26:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6601190453096637
+INFO 2025-08-05 14:26:38 /learner.py:612 [LEARNER] Number of optimization step: 1367
+DEBUG 2025-08-05 14:26:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5417138508707977
+INFO 2025-08-05 14:26:40 /learner.py:612 [LEARNER] Number of optimization step: 1368
+DEBUG 2025-08-05 14:26:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5512007917697646
+INFO 2025-08-05 14:26:41 /learner.py:612 [LEARNER] Number of optimization step: 1369
+DEBUG 2025-08-05 14:26:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5916365800014101
+INFO 2025-08-05 14:26:43 /learner.py:612 [LEARNER] Number of optimization step: 1370
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 32385637
+DEBUG 2025-08-05 14:26:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5749420469974228
+INFO 2025-08-05 14:26:45 /learner.py:612 [LEARNER] Number of optimization step: 1371
+DEBUG 2025-08-05 14:26:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.608238525543059
+INFO 2025-08-05 14:26:47 /learner.py:612 [LEARNER] Number of optimization step: 1372
+DEBUG 2025-08-05 14:26:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:26:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22117277
+DEBUG 2025-08-05 14:26:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6751012251971269
+INFO 2025-08-05 14:26:48 /learner.py:612 [LEARNER] Number of optimization step: 1373
+DEBUG 2025-08-05 14:26:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7566717222336197
+INFO 2025-08-05 14:26:50 /learner.py:612 [LEARNER] Number of optimization step: 1374
+DEBUG 2025-08-05 14:26:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:26:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6094572064535229
+INFO 2025-08-05 14:26:51 /learner.py:612 [LEARNER] Number of optimization step: 1375
+DEBUG 2025-08-05 14:26:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7712560424496798
+INFO 2025-08-05 14:26:53 /learner.py:612 [LEARNER] Number of optimization step: 1376
+DEBUG 2025-08-05 14:26:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6102257929945988
+INFO 2025-08-05 14:26:54 /learner.py:612 [LEARNER] Number of optimization step: 1377
+DEBUG 2025-08-05 14:26:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6180814776009711
+INFO 2025-08-05 14:26:56 /learner.py:612 [LEARNER] Number of optimization step: 1378
+DEBUG 2025-08-05 14:26:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:26:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:26:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:26:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 27646389
+DEBUG 2025-08-05 14:26:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:26:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5760029879649737
+INFO 2025-08-05 14:26:58 /learner.py:612 [LEARNER] Number of optimization step: 1379
+DEBUG 2025-08-05 14:26:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:26:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:26:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:26:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:26:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:26:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:26:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:26:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6594297112451425
+INFO 2025-08-05 14:26:59 /learner.py:612 [LEARNER] Number of optimization step: 1380
+DEBUG 2025-08-05 14:27:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:01 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:01 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:01 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:27:01 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:27:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6120721529446042
+INFO 2025-08-05 14:27:01 /learner.py:612 [LEARNER] Number of optimization step: 1381
+DEBUG 2025-08-05 14:27:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8513010315196803
+INFO 2025-08-05 14:27:02 /learner.py:612 [LEARNER] Number of optimization step: 1382
+DEBUG 2025-08-05 14:27:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6463122342151404
+INFO 2025-08-05 14:27:04 /learner.py:612 [LEARNER] Number of optimization step: 1383
+DEBUG 2025-08-05 14:27:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5841305702575669
+INFO 2025-08-05 14:27:06 /learner.py:612 [LEARNER] Number of optimization step: 1384
+DEBUG 2025-08-05 14:27:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6055739660559589
+INFO 2025-08-05 14:27:07 /learner.py:612 [LEARNER] Number of optimization step: 1385
+DEBUG 2025-08-05 14:27:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6339038403024524
+INFO 2025-08-05 14:27:09 /learner.py:612 [LEARNER] Number of optimization step: 1386
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:09 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 37124949
+DEBUG 2025-08-05 14:27:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:27:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:27:09 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:27:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7754162423966405
+INFO 2025-08-05 14:27:10 /learner.py:612 [LEARNER] Number of optimization step: 1387
+INFO 2025-08-05 14:27:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:27:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:27:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6229703129355405
+INFO 2025-08-05 14:27:12 /learner.py:612 [LEARNER] Number of optimization step: 1388
+DEBUG 2025-08-05 14:27:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:27:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+INFO 2025-08-05 14:27:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.9270622426365602
+INFO 2025-08-05 14:27:13 /learner.py:612 [LEARNER] Number of optimization step: 1389
+DEBUG 2025-08-05 14:27:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5941411779840882
+INFO 2025-08-05 14:27:15 /learner.py:612 [LEARNER] Number of optimization step: 1390
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:27:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 1.0580689939038395
+INFO 2025-08-05 14:27:16 /learner.py:612 [LEARNER] Number of optimization step: 1391
+INFO 2025-08-05 14:27:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7859473645882166
+INFO 2025-08-05 14:27:17 /learner.py:612 [LEARNER] Number of optimization step: 1392
+DEBUG 2025-08-05 14:27:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:27:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5508039063125721
+INFO 2025-08-05 14:27:19 /learner.py:612 [LEARNER] Number of optimization step: 1393
+DEBUG 2025-08-05 14:27:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.743016434616381
+INFO 2025-08-05 14:27:21 /learner.py:612 [LEARNER] Number of optimization step: 1394
+DEBUG 2025-08-05 14:27:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:27:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:27:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5743338740669215
+INFO 2025-08-05 14:27:22 /learner.py:612 [LEARNER] Number of optimization step: 1395
+DEBUG 2025-08-05 14:27:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7313001495678867
+INFO 2025-08-05 14:27:24 /learner.py:612 [LEARNER] Number of optimization step: 1396
+DEBUG 2025-08-05 14:27:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5880944872778545
+INFO 2025-08-05 14:27:26 /learner.py:612 [LEARNER] Number of optimization step: 1397
+DEBUG 2025-08-05 14:27:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6200416520413113
+INFO 2025-08-05 14:27:27 /learner.py:612 [LEARNER] Number of optimization step: 1398
+DEBUG 2025-08-05 14:27:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:27:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 23697005
+DEBUG 2025-08-05 14:27:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:27:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7356969577810475
+INFO 2025-08-05 14:27:29 /learner.py:612 [LEARNER] Number of optimization step: 1399
+DEBUG 2025-08-05 14:27:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6488370581438355
+INFO 2025-08-05 14:27:30 /learner.py:612 [LEARNER] Number of optimization step: 1400
+DEBUG 2025-08-05 14:27:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:32 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:32 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:27:32 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6520264126588426
+INFO 2025-08-05 14:27:32 /learner.py:612 [LEARNER] Number of optimization step: 1401
+DEBUG 2025-08-05 14:27:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7376488815257279
+INFO 2025-08-05 14:27:33 /learner.py:612 [LEARNER] Number of optimization step: 1402
+DEBUG 2025-08-05 14:27:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5858240570673174
+INFO 2025-08-05 14:27:35 /learner.py:612 [LEARNER] Number of optimization step: 1403
+DEBUG 2025-08-05 14:27:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6188564611448321
+INFO 2025-08-05 14:27:37 /learner.py:612 [LEARNER] Number of optimization step: 1404
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22907141
+DEBUG 2025-08-05 14:27:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6250659814655115
+INFO 2025-08-05 14:27:38 /learner.py:612 [LEARNER] Number of optimization step: 1405
+DEBUG 2025-08-05 14:27:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5839871033067899
+INFO 2025-08-05 14:27:40 /learner.py:612 [LEARNER] Number of optimization step: 1406
+DEBUG 2025-08-05 14:27:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:27:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6779459817974011
+INFO 2025-08-05 14:27:42 /learner.py:612 [LEARNER] Number of optimization step: 1407
+DEBUG 2025-08-05 14:27:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.595046040017875
+INFO 2025-08-05 14:27:44 /learner.py:612 [LEARNER] Number of optimization step: 1408
+DEBUG 2025-08-05 14:27:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:27:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:27:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5645485692116277
+INFO 2025-08-05 14:27:45 /learner.py:612 [LEARNER] Number of optimization step: 1409
+DEBUG 2025-08-05 14:27:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:27:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22117277
+DEBUG 2025-08-05 14:27:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6229423706284787
+INFO 2025-08-05 14:27:47 /learner.py:612 [LEARNER] Number of optimization step: 1410
+DEBUG 2025-08-05 14:27:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:27:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5758502817582931
+INFO 2025-08-05 14:27:49 /learner.py:612 [LEARNER] Number of optimization step: 1411
+DEBUG 2025-08-05 14:27:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.66558504989278
+INFO 2025-08-05 14:27:51 /learner.py:612 [LEARNER] Number of optimization step: 1412
+DEBUG 2025-08-05 14:27:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5466526530551905
+INFO 2025-08-05 14:27:52 /learner.py:612 [LEARNER] Number of optimization step: 1413
+DEBUG 2025-08-05 14:27:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:27:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:27:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:27:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:27:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:27:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:27:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6490439902445749
+INFO 2025-08-05 14:27:54 /learner.py:612 [LEARNER] Number of optimization step: 1414
+DEBUG 2025-08-05 14:27:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5725520631195686
+INFO 2025-08-05 14:27:56 /learner.py:612 [LEARNER] Number of optimization step: 1415
+DEBUG 2025-08-05 14:27:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:27:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:27:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:27:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5060877555642167
+INFO 2025-08-05 14:27:58 /learner.py:612 [LEARNER] Number of optimization step: 1416
+DEBUG 2025-08-05 14:27:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:27:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:27:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:27:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:27:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5575027597525558
+INFO 2025-08-05 14:28:00 /learner.py:612 [LEARNER] Number of optimization step: 1417
+DEBUG 2025-08-05 14:28:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5478601625856535
+INFO 2025-08-05 14:28:02 /learner.py:612 [LEARNER] Number of optimization step: 1418
+DEBUG 2025-08-05 14:28:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5508625019571689
+INFO 2025-08-05 14:28:03 /learner.py:612 [LEARNER] Number of optimization step: 1419
+DEBUG 2025-08-05 14:28:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5546591226248142
+INFO 2025-08-05 14:28:05 /learner.py:612 [LEARNER] Number of optimization step: 1420
+DEBUG 2025-08-05 14:28:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5523348014686431
+INFO 2025-08-05 14:28:07 /learner.py:612 [LEARNER] Number of optimization step: 1421
+DEBUG 2025-08-05 14:28:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5335215233444222
+INFO 2025-08-05 14:28:09 /learner.py:612 [LEARNER] Number of optimization step: 1422
+DEBUG 2025-08-05 14:28:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5077994961926435
+INFO 2025-08-05 14:28:11 /learner.py:612 [LEARNER] Number of optimization step: 1423
+DEBUG 2025-08-05 14:28:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5245238387559991
+INFO 2025-08-05 14:28:13 /learner.py:612 [LEARNER] Number of optimization step: 1424
+DEBUG 2025-08-05 14:28:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5192108317085677
+INFO 2025-08-05 14:28:15 /learner.py:612 [LEARNER] Number of optimization step: 1425
+DEBUG 2025-08-05 14:28:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5320204514652199
+INFO 2025-08-05 14:28:17 /learner.py:612 [LEARNER] Number of optimization step: 1426
+DEBUG 2025-08-05 14:28:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5133105331601641
+INFO 2025-08-05 14:28:19 /learner.py:612 [LEARNER] Number of optimization step: 1427
+DEBUG 2025-08-05 14:28:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5102112707719054
+INFO 2025-08-05 14:28:20 /learner.py:612 [LEARNER] Number of optimization step: 1428
+DEBUG 2025-08-05 14:28:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5006413328245509
+INFO 2025-08-05 14:28:22 /learner.py:612 [LEARNER] Number of optimization step: 1429
+DEBUG 2025-08-05 14:28:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6876306115937312
+INFO 2025-08-05 14:28:24 /learner.py:612 [LEARNER] Number of optimization step: 1430
+DEBUG 2025-08-05 14:28:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7136413004356352
+INFO 2025-08-05 14:28:25 /learner.py:612 [LEARNER] Number of optimization step: 1431
+DEBUG 2025-08-05 14:28:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6087966624926604
+INFO 2025-08-05 14:28:27 /learner.py:612 [LEARNER] Number of optimization step: 1432
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:28:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+INFO 2025-08-05 14:28:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 47
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 48
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 49
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 50
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 51
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 52
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 53
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 54
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 55
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 56
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 57
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 58
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 59
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 60
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 61
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 62
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 63
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 64
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 65
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 66
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 67
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 68
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 69
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 70
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 71
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 72
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 73
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 74
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 75
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 76
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 77
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 78
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 79
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 80
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 81
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:90 [LEARNER] transitions Received data at step 82
+DEBUG 2025-08-05 14:28:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 176146339
+DEBUG 2025-08-05 14:28:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5278468753183715
+INFO 2025-08-05 14:28:29 /learner.py:612 [LEARNER] Number of optimization step: 1433
+DEBUG 2025-08-05 14:28:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5705793909808216
+INFO 2025-08-05 14:28:32 /learner.py:612 [LEARNER] Number of optimization step: 1434
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:32 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:32 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26066661
+DEBUG 2025-08-05 14:28:32 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6092238576275181
+INFO 2025-08-05 14:28:34 /learner.py:612 [LEARNER] Number of optimization step: 1435
+DEBUG 2025-08-05 14:28:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:28:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5817867878999629
+INFO 2025-08-05 14:28:36 /learner.py:612 [LEARNER] Number of optimization step: 1436
+DEBUG 2025-08-05 14:28:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6659578868859897
+INFO 2025-08-05 14:28:37 /learner.py:612 [LEARNER] Number of optimization step: 1437
+DEBUG 2025-08-05 14:28:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5252020482393474
+INFO 2025-08-05 14:28:39 /learner.py:612 [LEARNER] Number of optimization step: 1438
+DEBUG 2025-08-05 14:28:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:28:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22907141
+DEBUG 2025-08-05 14:28:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5483882225755999
+INFO 2025-08-05 14:28:41 /learner.py:612 [LEARNER] Number of optimization step: 1439
+DEBUG 2025-08-05 14:28:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6887672562547572
+INFO 2025-08-05 14:28:43 /learner.py:612 [LEARNER] Number of optimization step: 1440
+DEBUG 2025-08-05 14:28:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:44 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:44 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:28:44 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:28:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5672179620636467
+INFO 2025-08-05 14:28:44 /learner.py:612 [LEARNER] Number of optimization step: 1441
+DEBUG 2025-08-05 14:28:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6535173868769928
+INFO 2025-08-05 14:28:46 /learner.py:612 [LEARNER] Number of optimization step: 1442
+DEBUG 2025-08-05 14:28:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5405678073744516
+INFO 2025-08-05 14:28:48 /learner.py:612 [LEARNER] Number of optimization step: 1443
+DEBUG 2025-08-05 14:28:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:28:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:28:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.655836608330401
+INFO 2025-08-05 14:28:49 /learner.py:612 [LEARNER] Number of optimization step: 1444
+DEBUG 2025-08-05 14:28:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5561647934041668
+INFO 2025-08-05 14:28:51 /learner.py:612 [LEARNER] Number of optimization step: 1445
+DEBUG 2025-08-05 14:28:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5415731181412138
+INFO 2025-08-05 14:28:53 /learner.py:612 [LEARNER] Number of optimization step: 1446
+DEBUG 2025-08-05 14:28:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:53 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:28:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:28:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6518019755388622
+INFO 2025-08-05 14:28:55 /learner.py:612 [LEARNER] Number of optimization step: 1447
+DEBUG 2025-08-05 14:28:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:28:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:28:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:28:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:28:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:28:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.553762712273834
+INFO 2025-08-05 14:28:57 /learner.py:612 [LEARNER] Number of optimization step: 1448
+DEBUG 2025-08-05 14:28:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:28:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:28:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:28:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7050679510910498
+INFO 2025-08-05 14:28:58 /learner.py:612 [LEARNER] Number of optimization step: 1449
+DEBUG 2025-08-05 14:28:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:28:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:28:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:28:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:28:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:29:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5680219247637501
+INFO 2025-08-05 14:29:00 /learner.py:612 [LEARNER] Number of optimization step: 1450
+DEBUG 2025-08-05 14:29:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6416042059062036
+INFO 2025-08-05 14:29:02 /learner.py:612 [LEARNER] Number of optimization step: 1451
+DEBUG 2025-08-05 14:29:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5293037482034366
+INFO 2025-08-05 14:29:04 /learner.py:612 [LEARNER] Number of optimization step: 1452
+DEBUG 2025-08-05 14:29:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5479840635863138
+INFO 2025-08-05 14:29:05 /learner.py:612 [LEARNER] Number of optimization step: 1453
+DEBUG 2025-08-05 14:29:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:29:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6069437197388411
+INFO 2025-08-05 14:29:07 /learner.py:612 [LEARNER] Number of optimization step: 1454
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:29:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 31595773
+DEBUG 2025-08-05 14:29:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6870468132803561
+INFO 2025-08-05 14:29:09 /learner.py:612 [LEARNER] Number of optimization step: 1455
+DEBUG 2025-08-05 14:29:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:29:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5806995493002094
+INFO 2025-08-05 14:29:11 /learner.py:612 [LEARNER] Number of optimization step: 1456
+DEBUG 2025-08-05 14:29:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6909564567708114
+INFO 2025-08-05 14:29:12 /learner.py:612 [LEARNER] Number of optimization step: 1457
+DEBUG 2025-08-05 14:29:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5099681576128798
+INFO 2025-08-05 14:29:14 /learner.py:612 [LEARNER] Number of optimization step: 1458
+DEBUG 2025-08-05 14:29:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:29:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:16 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:29:16 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6250006887888393
+INFO 2025-08-05 14:29:16 /learner.py:612 [LEARNER] Number of optimization step: 1459
+DEBUG 2025-08-05 14:29:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6147728857935397
+INFO 2025-08-05 14:29:18 /learner.py:612 [LEARNER] Number of optimization step: 1460
+DEBUG 2025-08-05 14:29:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:29:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:29:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4932697199422557
+INFO 2025-08-05 14:29:20 /learner.py:612 [LEARNER] Number of optimization step: 1461
+DEBUG 2025-08-05 14:29:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6327127391181689
+INFO 2025-08-05 14:29:21 /learner.py:612 [LEARNER] Number of optimization step: 1462
+DEBUG 2025-08-05 14:29:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:29:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:29:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5113142319810323
+INFO 2025-08-05 14:29:23 /learner.py:612 [LEARNER] Number of optimization step: 1463
+DEBUG 2025-08-05 14:29:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6338491405334592
+INFO 2025-08-05 14:29:25 /learner.py:612 [LEARNER] Number of optimization step: 1464
+DEBUG 2025-08-05 14:29:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:29:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5358969340397893
+INFO 2025-08-05 14:29:27 /learner.py:612 [LEARNER] Number of optimization step: 1465
+DEBUG 2025-08-05 14:29:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6208204593318197
+INFO 2025-08-05 14:29:29 /learner.py:612 [LEARNER] Number of optimization step: 1466
+DEBUG 2025-08-05 14:29:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:29:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.553355559755504
+INFO 2025-08-05 14:29:30 /learner.py:612 [LEARNER] Number of optimization step: 1467
+DEBUG 2025-08-05 14:29:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6464297742543366
+INFO 2025-08-05 14:29:32 /learner.py:612 [LEARNER] Number of optimization step: 1468
+DEBUG 2025-08-05 14:29:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:29:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5394472080019398
+INFO 2025-08-05 14:29:34 /learner.py:612 [LEARNER] Number of optimization step: 1469
+DEBUG 2025-08-05 14:29:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6346216546655917
+INFO 2025-08-05 14:29:36 /learner.py:612 [LEARNER] Number of optimization step: 1470
+DEBUG 2025-08-05 14:29:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:29:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5334417942290693
+INFO 2025-08-05 14:29:38 /learner.py:612 [LEARNER] Number of optimization step: 1471
+DEBUG 2025-08-05 14:29:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6560467985622981
+INFO 2025-08-05 14:29:39 /learner.py:612 [LEARNER] Number of optimization step: 1472
+DEBUG 2025-08-05 14:29:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:29:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5519297452102495
+INFO 2025-08-05 14:29:41 /learner.py:612 [LEARNER] Number of optimization step: 1473
+DEBUG 2025-08-05 14:29:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6325170419389979
+INFO 2025-08-05 14:29:43 /learner.py:612 [LEARNER] Number of optimization step: 1474
+DEBUG 2025-08-05 14:29:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5209329958835177
+INFO 2025-08-05 14:29:45 /learner.py:612 [LEARNER] Number of optimization step: 1475
+DEBUG 2025-08-05 14:29:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.538211048610714
+INFO 2025-08-05 14:29:47 /learner.py:612 [LEARNER] Number of optimization step: 1476
+DEBUG 2025-08-05 14:29:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5173031144262438
+INFO 2025-08-05 14:29:49 /learner.py:612 [LEARNER] Number of optimization step: 1477
+DEBUG 2025-08-05 14:29:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5890236086034265
+INFO 2025-08-05 14:29:50 /learner.py:612 [LEARNER] Number of optimization step: 1478
+DEBUG 2025-08-05 14:29:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:29:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 46603445
+DEBUG 2025-08-05 14:29:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.631374382742574
+INFO 2025-08-05 14:29:52 /learner.py:612 [LEARNER] Number of optimization step: 1479
+DEBUG 2025-08-05 14:29:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:29:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:29:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:29:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5447437399876408
+INFO 2025-08-05 14:29:54 /learner.py:612 [LEARNER] Number of optimization step: 1480
+DEBUG 2025-08-05 14:29:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6388769736608555
+INFO 2025-08-05 14:29:56 /learner.py:612 [LEARNER] Number of optimization step: 1481
+DEBUG 2025-08-05 14:29:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:29:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:29:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:29:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:29:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:29:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5234690324243236
+INFO 2025-08-05 14:29:58 /learner.py:612 [LEARNER] Number of optimization step: 1482
+DEBUG 2025-08-05 14:29:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:29:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:29:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:29:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:29:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:29:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:29:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:29:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6160373716081334
+INFO 2025-08-05 14:29:59 /learner.py:612 [LEARNER] Number of optimization step: 1483
+DEBUG 2025-08-05 14:30:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.51362514178721
+INFO 2025-08-05 14:30:01 /learner.py:612 [LEARNER] Number of optimization step: 1484
+DEBUG 2025-08-05 14:30:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:30:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:30:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6002964908360768
+INFO 2025-08-05 14:30:03 /learner.py:612 [LEARNER] Number of optimization step: 1485
+DEBUG 2025-08-05 14:30:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.630763096950824
+INFO 2025-08-05 14:30:05 /learner.py:612 [LEARNER] Number of optimization step: 1486
+DEBUG 2025-08-05 14:30:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:30:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5655225078401608
+INFO 2025-08-05 14:30:07 /learner.py:612 [LEARNER] Number of optimization step: 1487
+DEBUG 2025-08-05 14:30:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6318684153846174
+INFO 2025-08-05 14:30:08 /learner.py:612 [LEARNER] Number of optimization step: 1488
+DEBUG 2025-08-05 14:30:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:30:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5306778250788179
+INFO 2025-08-05 14:30:10 /learner.py:612 [LEARNER] Number of optimization step: 1489
+DEBUG 2025-08-05 14:30:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5791790418071986
+INFO 2025-08-05 14:30:12 /learner.py:612 [LEARNER] Number of optimization step: 1490
+DEBUG 2025-08-05 14:30:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:30:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.583349350525443
+INFO 2025-08-05 14:30:14 /learner.py:612 [LEARNER] Number of optimization step: 1491
+DEBUG 2025-08-05 14:30:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6316977849935008
+INFO 2025-08-05 14:30:16 /learner.py:612 [LEARNER] Number of optimization step: 1492
+DEBUG 2025-08-05 14:30:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:16 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:30:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5968218477165531
+INFO 2025-08-05 14:30:17 /learner.py:612 [LEARNER] Number of optimization step: 1493
+DEBUG 2025-08-05 14:30:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5519812436950614
+INFO 2025-08-05 14:30:19 /learner.py:612 [LEARNER] Number of optimization step: 1494
+DEBUG 2025-08-05 14:30:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:30:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:30:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5317270606980351
+INFO 2025-08-05 14:30:21 /learner.py:612 [LEARNER] Number of optimization step: 1495
+DEBUG 2025-08-05 14:30:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6041954105603256
+INFO 2025-08-05 14:30:23 /learner.py:612 [LEARNER] Number of optimization step: 1496
+DEBUG 2025-08-05 14:30:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5185756939928999
+INFO 2025-08-05 14:30:25 /learner.py:612 [LEARNER] Number of optimization step: 1497
+DEBUG 2025-08-05 14:30:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:30:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:30:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6027314657300664
+INFO 2025-08-05 14:30:27 /learner.py:612 [LEARNER] Number of optimization step: 1498
+DEBUG 2025-08-05 14:30:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:29 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:29 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:30:29 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5203330135329582
+INFO 2025-08-05 14:30:29 /learner.py:612 [LEARNER] Number of optimization step: 1499
+DEBUG 2025-08-05 14:30:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6687314947784269
+INFO 2025-08-05 14:30:30 /learner.py:612 [LEARNER] Number of optimization step: 1500
+DEBUG 2025-08-05 14:30:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5426800366733815
+INFO 2025-08-05 14:30:32 /learner.py:612 [LEARNER] Number of optimization step: 1501
+DEBUG 2025-08-05 14:30:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5372307617693478
+INFO 2025-08-05 14:30:34 /learner.py:612 [LEARNER] Number of optimization step: 1502
+DEBUG 2025-08-05 14:30:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:34 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:30:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 24486869
+DEBUG 2025-08-05 14:30:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6324102276794487
+INFO 2025-08-05 14:30:36 /learner.py:612 [LEARNER] Number of optimization step: 1503
+DEBUG 2025-08-05 14:30:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:30:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5754675674792895
+INFO 2025-08-05 14:30:38 /learner.py:612 [LEARNER] Number of optimization step: 1504
+DEBUG 2025-08-05 14:30:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.8135149282141346
+INFO 2025-08-05 14:30:39 /learner.py:612 [LEARNER] Number of optimization step: 1505
+DEBUG 2025-08-05 14:30:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.554768800613446
+INFO 2025-08-05 14:30:41 /learner.py:612 [LEARNER] Number of optimization step: 1506
+DEBUG 2025-08-05 14:30:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.56045582543177
+INFO 2025-08-05 14:30:43 /learner.py:612 [LEARNER] Number of optimization step: 1507
+DEBUG 2025-08-05 14:30:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5298416006900432
+INFO 2025-08-05 14:30:44 /learner.py:612 [LEARNER] Number of optimization step: 1508
+DEBUG 2025-08-05 14:30:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:30:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 35545157
+DEBUG 2025-08-05 14:30:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6592384849859577
+INFO 2025-08-05 14:30:46 /learner.py:612 [LEARNER] Number of optimization step: 1509
+DEBUG 2025-08-05 14:30:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5764937614373983
+INFO 2025-08-05 14:30:48 /learner.py:612 [LEARNER] Number of optimization step: 1510
+DEBUG 2025-08-05 14:30:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:30:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:30:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:30:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5504161150907527
+INFO 2025-08-05 14:30:50 /learner.py:612 [LEARNER] Number of optimization step: 1511
+DEBUG 2025-08-05 14:30:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.624871540755253
+INFO 2025-08-05 14:30:52 /learner.py:612 [LEARNER] Number of optimization step: 1512
+DEBUG 2025-08-05 14:30:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:30:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5844449147709572
+INFO 2025-08-05 14:30:53 /learner.py:612 [LEARNER] Number of optimization step: 1513
+DEBUG 2025-08-05 14:30:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5527412539624597
+INFO 2025-08-05 14:30:55 /learner.py:612 [LEARNER] Number of optimization step: 1514
+DEBUG 2025-08-05 14:30:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:55 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:56 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:30:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:30:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6572863621152087
+INFO 2025-08-05 14:30:57 /learner.py:612 [LEARNER] Number of optimization step: 1515
+DEBUG 2025-08-05 14:30:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:30:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:30:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:30:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:30:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5562535257560804
+INFO 2025-08-05 14:30:59 /learner.py:612 [LEARNER] Number of optimization step: 1516
+DEBUG 2025-08-05 14:30:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:30:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:30:59 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:30:59 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:30:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:30:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:30:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6470039436438195
+INFO 2025-08-05 14:31:00 /learner.py:612 [LEARNER] Number of optimization step: 1517
+DEBUG 2025-08-05 14:31:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5655950308954757
+INFO 2025-08-05 14:31:02 /learner.py:612 [LEARNER] Number of optimization step: 1518
+DEBUG 2025-08-05 14:31:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:31:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:31:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6212464816571983
+INFO 2025-08-05 14:31:04 /learner.py:612 [LEARNER] Number of optimization step: 1519
+DEBUG 2025-08-05 14:31:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7975760307656296
+INFO 2025-08-05 14:31:05 /learner.py:612 [LEARNER] Number of optimization step: 1520
+DEBUG 2025-08-05 14:31:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:31:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5294445915019255
+INFO 2025-08-05 14:31:07 /learner.py:612 [LEARNER] Number of optimization step: 1521
+DEBUG 2025-08-05 14:31:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7546200027517874
+INFO 2025-08-05 14:31:09 /learner.py:612 [LEARNER] Number of optimization step: 1522
+DEBUG 2025-08-05 14:31:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:09 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:09 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:09 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:09 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:09 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:09 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:09 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:09 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:09 ort/utils.py:93 [LEARNER] transitions Received data at step end size 6319744
+DEBUG 2025-08-05 14:31:09 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6625097216683472
+INFO 2025-08-05 14:31:10 /learner.py:612 [LEARNER] Number of optimization step: 1523
+DEBUG 2025-08-05 14:31:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5373282167115773
+INFO 2025-08-05 14:31:12 /learner.py:612 [LEARNER] Number of optimization step: 1524
+DEBUG 2025-08-05 14:31:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:31:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:31:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:31:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5342708505626513
+INFO 2025-08-05 14:31:14 /learner.py:612 [LEARNER] Number of optimization step: 1525
+DEBUG 2025-08-05 14:31:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6409846175317699
+INFO 2025-08-05 14:31:16 /learner.py:612 [LEARNER] Number of optimization step: 1526
+DEBUG 2025-08-05 14:31:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:31:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:31:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5667225553177183
+INFO 2025-08-05 14:31:17 /learner.py:612 [LEARNER] Number of optimization step: 1527
+DEBUG 2025-08-05 14:31:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6269009494111738
+INFO 2025-08-05 14:31:19 /learner.py:612 [LEARNER] Number of optimization step: 1528
+DEBUG 2025-08-05 14:31:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:31:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.537445608750245
+INFO 2025-08-05 14:31:21 /learner.py:612 [LEARNER] Number of optimization step: 1529
+DEBUG 2025-08-05 14:31:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6179120208631533
+INFO 2025-08-05 14:31:23 /learner.py:612 [LEARNER] Number of optimization step: 1530
+DEBUG 2025-08-05 14:31:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:31:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:31:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5623182884509839
+INFO 2025-08-05 14:31:25 /learner.py:612 [LEARNER] Number of optimization step: 1531
+DEBUG 2025-08-05 14:31:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6271677320871236
+INFO 2025-08-05 14:31:26 /learner.py:612 [LEARNER] Number of optimization step: 1532
+DEBUG 2025-08-05 14:31:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:27 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:31:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5875702728831529
+INFO 2025-08-05 14:31:28 /learner.py:612 [LEARNER] Number of optimization step: 1533
+DEBUG 2025-08-05 14:31:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5578215836649555
+INFO 2025-08-05 14:31:30 /learner.py:612 [LEARNER] Number of optimization step: 1534
+DEBUG 2025-08-05 14:31:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:30 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:31:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6199862940927879
+INFO 2025-08-05 14:31:32 /learner.py:612 [LEARNER] Number of optimization step: 1535
+DEBUG 2025-08-05 14:31:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.554086274739499
+INFO 2025-08-05 14:31:34 /learner.py:612 [LEARNER] Number of optimization step: 1536
+DEBUG 2025-08-05 14:31:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:34 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:31:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.595587490488107
+INFO 2025-08-05 14:31:35 /learner.py:612 [LEARNER] Number of optimization step: 1537
+DEBUG 2025-08-05 14:31:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5586340798638223
+INFO 2025-08-05 14:31:37 /learner.py:612 [LEARNER] Number of optimization step: 1538
+DEBUG 2025-08-05 14:31:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:31:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6475373437522627
+INFO 2025-08-05 14:31:39 /learner.py:612 [LEARNER] Number of optimization step: 1539
+DEBUG 2025-08-05 14:31:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5464669767398287
+INFO 2025-08-05 14:31:41 /learner.py:612 [LEARNER] Number of optimization step: 1540
+DEBUG 2025-08-05 14:31:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:31:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6449570440065712
+INFO 2025-08-05 14:31:42 /learner.py:612 [LEARNER] Number of optimization step: 1541
+DEBUG 2025-08-05 14:31:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5659292890122983
+INFO 2025-08-05 14:31:44 /learner.py:612 [LEARNER] Number of optimization step: 1542
+DEBUG 2025-08-05 14:31:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:44 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:31:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6104305024072226
+INFO 2025-08-05 14:31:46 /learner.py:612 [LEARNER] Number of optimization step: 1543
+DEBUG 2025-08-05 14:31:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5456124436555537
+INFO 2025-08-05 14:31:48 /learner.py:612 [LEARNER] Number of optimization step: 1544
+DEBUG 2025-08-05 14:31:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:31:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6230401796713456
+INFO 2025-08-05 14:31:49 /learner.py:612 [LEARNER] Number of optimization step: 1545
+DEBUG 2025-08-05 14:31:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5501557018892268
+INFO 2025-08-05 14:31:51 /learner.py:612 [LEARNER] Number of optimization step: 1546
+DEBUG 2025-08-05 14:31:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5083330765432919
+INFO 2025-08-05 14:31:53 /learner.py:612 [LEARNER] Number of optimization step: 1547
+DEBUG 2025-08-05 14:31:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5223929539864106
+INFO 2025-08-05 14:31:55 /learner.py:612 [LEARNER] Number of optimization step: 1548
+DEBUG 2025-08-05 14:31:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:31:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5242756792466662
+INFO 2025-08-05 14:31:57 /learner.py:612 [LEARNER] Number of optimization step: 1549
+DEBUG 2025-08-05 14:31:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:57 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:31:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:31:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:31:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 44233789
+DEBUG 2025-08-05 14:31:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:31:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:31:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:31:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:31:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6207624816380449
+INFO 2025-08-05 14:31:59 /learner.py:612 [LEARNER] Number of optimization step: 1550
+DEBUG 2025-08-05 14:31:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:31:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:31:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:31:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.552393432299911
+INFO 2025-08-05 14:32:01 /learner.py:612 [LEARNER] Number of optimization step: 1551
+DEBUG 2025-08-05 14:32:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:01 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:32:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6240295247502062
+INFO 2025-08-05 14:32:03 /learner.py:612 [LEARNER] Number of optimization step: 1552
+DEBUG 2025-08-05 14:32:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5607566695190029
+INFO 2025-08-05 14:32:04 /learner.py:612 [LEARNER] Number of optimization step: 1553
+DEBUG 2025-08-05 14:32:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:32:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:32:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5253922428709973
+INFO 2025-08-05 14:32:06 /learner.py:612 [LEARNER] Number of optimization step: 1554
+DEBUG 2025-08-05 14:32:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6550447592803061
+INFO 2025-08-05 14:32:08 /learner.py:612 [LEARNER] Number of optimization step: 1555
+DEBUG 2025-08-05 14:32:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5192640550867845
+INFO 2025-08-05 14:32:10 /learner.py:612 [LEARNER] Number of optimization step: 1556
+DEBUG 2025-08-05 14:32:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:32:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6229142458044788
+INFO 2025-08-05 14:32:12 /learner.py:612 [LEARNER] Number of optimization step: 1557
+DEBUG 2025-08-05 14:32:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5629820365692587
+INFO 2025-08-05 14:32:14 /learner.py:612 [LEARNER] Number of optimization step: 1558
+DEBUG 2025-08-05 14:32:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:32:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6357668571100685
+INFO 2025-08-05 14:32:15 /learner.py:612 [LEARNER] Number of optimization step: 1559
+DEBUG 2025-08-05 14:32:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6162443696721144
+INFO 2025-08-05 14:32:17 /learner.py:612 [LEARNER] Number of optimization step: 1560
+DEBUG 2025-08-05 14:32:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:32:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5576722100541986
+INFO 2025-08-05 14:32:19 /learner.py:612 [LEARNER] Number of optimization step: 1561
+DEBUG 2025-08-05 14:32:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6525541188229843
+INFO 2025-08-05 14:32:20 /learner.py:612 [LEARNER] Number of optimization step: 1562
+DEBUG 2025-08-05 14:32:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:32:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5711835235443988
+INFO 2025-08-05 14:32:22 /learner.py:612 [LEARNER] Number of optimization step: 1563
+DEBUG 2025-08-05 14:32:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6160003673728383
+INFO 2025-08-05 14:32:24 /learner.py:612 [LEARNER] Number of optimization step: 1564
+DEBUG 2025-08-05 14:32:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:32:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5397531416704408
+INFO 2025-08-05 14:32:26 /learner.py:612 [LEARNER] Number of optimization step: 1565
+DEBUG 2025-08-05 14:32:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6075665373957595
+INFO 2025-08-05 14:32:28 /learner.py:612 [LEARNER] Number of optimization step: 1566
+DEBUG 2025-08-05 14:32:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5190108273877173
+INFO 2025-08-05 14:32:29 /learner.py:612 [LEARNER] Number of optimization step: 1567
+DEBUG 2025-08-05 14:32:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:32:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5360815252333091
+INFO 2025-08-05 14:32:31 /learner.py:612 [LEARNER] Number of optimization step: 1568
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:32:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 24486869
+DEBUG 2025-08-05 14:32:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6199994911168721
+INFO 2025-08-05 14:32:33 /learner.py:612 [LEARNER] Number of optimization step: 1569
+DEBUG 2025-08-05 14:32:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:32:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5836099849839382
+INFO 2025-08-05 14:32:35 /learner.py:612 [LEARNER] Number of optimization step: 1570
+DEBUG 2025-08-05 14:32:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6339896929485556
+INFO 2025-08-05 14:32:37 /learner.py:612 [LEARNER] Number of optimization step: 1571
+DEBUG 2025-08-05 14:32:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5180596918406942
+INFO 2025-08-05 14:32:39 /learner.py:612 [LEARNER] Number of optimization step: 1572
+DEBUG 2025-08-05 14:32:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:40 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:32:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:41 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:32:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:41 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:32:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:41 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:32:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 23697005
+DEBUG 2025-08-05 14:32:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.508282255057049
+INFO 2025-08-05 14:32:41 /learner.py:612 [LEARNER] Number of optimization step: 1573
+DEBUG 2025-08-05 14:32:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6028993703178614
+INFO 2025-08-05 14:32:42 /learner.py:612 [LEARNER] Number of optimization step: 1574
+DEBUG 2025-08-05 14:32:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5118764045806609
+INFO 2025-08-05 14:32:44 /learner.py:612 [LEARNER] Number of optimization step: 1575
+DEBUG 2025-08-05 14:32:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:32:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 21327349
+DEBUG 2025-08-05 14:32:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5804241573964016
+INFO 2025-08-05 14:32:46 /learner.py:612 [LEARNER] Number of optimization step: 1576
+DEBUG 2025-08-05 14:32:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5966260776254081
+INFO 2025-08-05 14:32:48 /learner.py:612 [LEARNER] Number of optimization step: 1577
+DEBUG 2025-08-05 14:32:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5382064214308425
+INFO 2025-08-05 14:32:50 /learner.py:612 [LEARNER] Number of optimization step: 1578
+DEBUG 2025-08-05 14:32:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5316181501321068
+INFO 2025-08-05 14:32:52 /learner.py:612 [LEARNER] Number of optimization step: 1579
+DEBUG 2025-08-05 14:32:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5200804836049039
+INFO 2025-08-05 14:32:54 /learner.py:612 [LEARNER] Number of optimization step: 1580
+DEBUG 2025-08-05 14:32:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6127190611250439
+INFO 2025-08-05 14:32:55 /learner.py:612 [LEARNER] Number of optimization step: 1581
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:55 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:32:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:55 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:32:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+INFO 2025-08-05 14:32:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:32:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 44233789
+DEBUG 2025-08-05 14:32:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:32:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:32:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6656461040002333
+INFO 2025-08-05 14:32:57 /learner.py:612 [LEARNER] Number of optimization step: 1582
+DEBUG 2025-08-05 14:32:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:32:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:32:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:32:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:32:59 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:32:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6134636886865175
+INFO 2025-08-05 14:32:59 /learner.py:612 [LEARNER] Number of optimization step: 1583
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:32:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:32:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:32:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:32:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:32:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:32:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:32:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7206769812416364
+INFO 2025-08-05 14:33:00 /learner.py:612 [LEARNER] Number of optimization step: 1584
+DEBUG 2025-08-05 14:33:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5784354905786757
+INFO 2025-08-05 14:33:02 /learner.py:612 [LEARNER] Number of optimization step: 1585
+DEBUG 2025-08-05 14:33:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:33:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:33:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5775490695342066
+INFO 2025-08-05 14:33:04 /learner.py:612 [LEARNER] Number of optimization step: 1586
+DEBUG 2025-08-05 14:33:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7082532365585795
+INFO 2025-08-05 14:33:05 /learner.py:612 [LEARNER] Number of optimization step: 1587
+DEBUG 2025-08-05 14:33:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:33:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:33:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5517975928009964
+INFO 2025-08-05 14:33:07 /learner.py:612 [LEARNER] Number of optimization step: 1588
+DEBUG 2025-08-05 14:33:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6735617427275181
+INFO 2025-08-05 14:33:09 /learner.py:612 [LEARNER] Number of optimization step: 1589
+DEBUG 2025-08-05 14:33:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:33:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:33:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5316223951909296
+INFO 2025-08-05 14:33:11 /learner.py:612 [LEARNER] Number of optimization step: 1590
+DEBUG 2025-08-05 14:33:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6556536094522937
+INFO 2025-08-05 14:33:12 /learner.py:612 [LEARNER] Number of optimization step: 1591
+DEBUG 2025-08-05 14:33:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5247554912731649
+INFO 2025-08-05 14:33:14 /learner.py:612 [LEARNER] Number of optimization step: 1592
+DEBUG 2025-08-05 14:33:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5322584367466147
+INFO 2025-08-05 14:33:16 /learner.py:612 [LEARNER] Number of optimization step: 1593
+DEBUG 2025-08-05 14:33:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5779103506901103
+INFO 2025-08-05 14:33:18 /learner.py:612 [LEARNER] Number of optimization step: 1594
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:18 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:33:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+INFO 2025-08-05 14:33:18 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:33:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 32385637
+DEBUG 2025-08-05 14:33:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6248368186311292
+INFO 2025-08-05 14:33:19 /learner.py:612 [LEARNER] Number of optimization step: 1595
+DEBUG 2025-08-05 14:33:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:33:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:33:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5782695328743306
+INFO 2025-08-05 14:33:21 /learner.py:612 [LEARNER] Number of optimization step: 1596
+DEBUG 2025-08-05 14:33:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6393915941371395
+INFO 2025-08-05 14:33:23 /learner.py:612 [LEARNER] Number of optimization step: 1597
+DEBUG 2025-08-05 14:33:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5035390440040103
+INFO 2025-08-05 14:33:25 /learner.py:612 [LEARNER] Number of optimization step: 1598
+DEBUG 2025-08-05 14:33:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:33:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5929453659692133
+INFO 2025-08-05 14:33:27 /learner.py:612 [LEARNER] Number of optimization step: 1599
+DEBUG 2025-08-05 14:33:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5407238416059597
+INFO 2025-08-05 14:33:29 /learner.py:612 [LEARNER] Number of optimization step: 1600
+DEBUG 2025-08-05 14:33:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:29 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:29 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:29 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:29 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:29 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:29 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:29 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:33:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6389833553883781
+INFO 2025-08-05 14:33:30 /learner.py:612 [LEARNER] Number of optimization step: 1601
+DEBUG 2025-08-05 14:33:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5673790176451338
+INFO 2025-08-05 14:33:32 /learner.py:612 [LEARNER] Number of optimization step: 1602
+DEBUG 2025-08-05 14:33:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:33:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:33:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5293859199584088
+INFO 2025-08-05 14:33:34 /learner.py:612 [LEARNER] Number of optimization step: 1603
+DEBUG 2025-08-05 14:33:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6374365778073554
+INFO 2025-08-05 14:33:36 /learner.py:612 [LEARNER] Number of optimization step: 1604
+DEBUG 2025-08-05 14:33:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:33:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:33:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.556798932582645
+INFO 2025-08-05 14:33:38 /learner.py:612 [LEARNER] Number of optimization step: 1605
+DEBUG 2025-08-05 14:33:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6372608940433998
+INFO 2025-08-05 14:33:39 /learner.py:612 [LEARNER] Number of optimization step: 1606
+DEBUG 2025-08-05 14:33:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:33:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:33:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5490758936625484
+INFO 2025-08-05 14:33:41 /learner.py:612 [LEARNER] Number of optimization step: 1607
+DEBUG 2025-08-05 14:33:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6176364993194482
+INFO 2025-08-05 14:33:43 /learner.py:612 [LEARNER] Number of optimization step: 1608
+DEBUG 2025-08-05 14:33:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5145923087449867
+INFO 2025-08-05 14:33:45 /learner.py:612 [LEARNER] Number of optimization step: 1609
+DEBUG 2025-08-05 14:33:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:33:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:33:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6171981554575158
+INFO 2025-08-05 14:33:47 /learner.py:612 [LEARNER] Number of optimization step: 1610
+DEBUG 2025-08-05 14:33:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5388657322987064
+INFO 2025-08-05 14:33:49 /learner.py:612 [LEARNER] Number of optimization step: 1611
+DEBUG 2025-08-05 14:33:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:33:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6042629574274061
+INFO 2025-08-05 14:33:50 /learner.py:612 [LEARNER] Number of optimization step: 1612
+DEBUG 2025-08-05 14:33:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5509252348144343
+INFO 2025-08-05 14:33:52 /learner.py:612 [LEARNER] Number of optimization step: 1613
+DEBUG 2025-08-05 14:33:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:52 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:52 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:52 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:33:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:33:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6166121861630641
+INFO 2025-08-05 14:33:54 /learner.py:612 [LEARNER] Number of optimization step: 1614
+DEBUG 2025-08-05 14:33:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.54523206726812
+INFO 2025-08-05 14:33:56 /learner.py:612 [LEARNER] Number of optimization step: 1615
+DEBUG 2025-08-05 14:33:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:56 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:33:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:33:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:33:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:33:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:33:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:33:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6008941122633066
+INFO 2025-08-05 14:33:58 /learner.py:612 [LEARNER] Number of optimization step: 1616
+DEBUG 2025-08-05 14:33:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:33:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:33:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:33:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:33:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:33:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:33:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5623373623625395
+INFO 2025-08-05 14:34:00 /learner.py:612 [LEARNER] Number of optimization step: 1617
+DEBUG 2025-08-05 14:34:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:00 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:34:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6281756022485739
+INFO 2025-08-05 14:34:01 /learner.py:612 [LEARNER] Number of optimization step: 1618
+DEBUG 2025-08-05 14:34:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5808202511780856
+INFO 2025-08-05 14:34:03 /learner.py:612 [LEARNER] Number of optimization step: 1619
+DEBUG 2025-08-05 14:34:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:34:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:34:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5686711478630103
+INFO 2025-08-05 14:34:05 /learner.py:612 [LEARNER] Number of optimization step: 1620
+DEBUG 2025-08-05 14:34:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6416842052188951
+INFO 2025-08-05 14:34:06 /learner.py:612 [LEARNER] Number of optimization step: 1621
+DEBUG 2025-08-05 14:34:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:34:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:34:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5507398270783938
+INFO 2025-08-05 14:34:08 /learner.py:612 [LEARNER] Number of optimization step: 1622
+DEBUG 2025-08-05 14:34:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6292792270479554
+INFO 2025-08-05 14:34:10 /learner.py:612 [LEARNER] Number of optimization step: 1623
+DEBUG 2025-08-05 14:34:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:34:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6108252996508635
+INFO 2025-08-05 14:34:12 /learner.py:612 [LEARNER] Number of optimization step: 1624
+DEBUG 2025-08-05 14:34:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5490789126167718
+INFO 2025-08-05 14:34:13 /learner.py:612 [LEARNER] Number of optimization step: 1625
+DEBUG 2025-08-05 14:34:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5370086608773146
+INFO 2025-08-05 14:34:15 /learner.py:612 [LEARNER] Number of optimization step: 1626
+DEBUG 2025-08-05 14:34:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5571753440365553
+INFO 2025-08-05 14:34:17 /learner.py:612 [LEARNER] Number of optimization step: 1627
+DEBUG 2025-08-05 14:34:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5271779894618367
+INFO 2025-08-05 14:34:19 /learner.py:612 [LEARNER] Number of optimization step: 1628
+DEBUG 2025-08-05 14:34:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5705736471769045
+INFO 2025-08-05 14:34:21 /learner.py:612 [LEARNER] Number of optimization step: 1629
+DEBUG 2025-08-05 14:34:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6497077452244254
+INFO 2025-08-05 14:34:22 /learner.py:612 [LEARNER] Number of optimization step: 1630
+DEBUG 2025-08-05 14:34:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:23 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:34:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 58451597
+DEBUG 2025-08-05 14:34:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7063317694968011
+INFO 2025-08-05 14:34:24 /learner.py:612 [LEARNER] Number of optimization step: 1631
+DEBUG 2025-08-05 14:34:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6117086607284825
+INFO 2025-08-05 14:34:26 /learner.py:612 [LEARNER] Number of optimization step: 1632
+DEBUG 2025-08-05 14:34:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:34:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.653836662310297
+INFO 2025-08-05 14:34:27 /learner.py:612 [LEARNER] Number of optimization step: 1633
+DEBUG 2025-08-05 14:34:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6234610068395902
+INFO 2025-08-05 14:34:29 /learner.py:612 [LEARNER] Number of optimization step: 1634
+DEBUG 2025-08-05 14:34:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:34:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5742392015657312
+INFO 2025-08-05 14:34:31 /learner.py:612 [LEARNER] Number of optimization step: 1635
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:34:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:34:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:34:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6904839469350185
+INFO 2025-08-05 14:34:32 /learner.py:612 [LEARNER] Number of optimization step: 1636
+DEBUG 2025-08-05 14:34:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6010948473651949
+INFO 2025-08-05 14:34:34 /learner.py:612 [LEARNER] Number of optimization step: 1637
+DEBUG 2025-08-05 14:34:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:34 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:34:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6980794050331377
+INFO 2025-08-05 14:34:35 /learner.py:612 [LEARNER] Number of optimization step: 1638
+DEBUG 2025-08-05 14:34:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:36 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5994731760893609
+INFO 2025-08-05 14:34:37 /learner.py:612 [LEARNER] Number of optimization step: 1639
+DEBUG 2025-08-05 14:34:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5531723795331329
+INFO 2025-08-05 14:34:39 /learner.py:612 [LEARNER] Number of optimization step: 1640
+DEBUG 2025-08-05 14:34:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:39 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:34:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:34:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6804790324376879
+INFO 2025-08-05 14:34:41 /learner.py:612 [LEARNER] Number of optimization step: 1641
+DEBUG 2025-08-05 14:34:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6582404184999451
+INFO 2025-08-05 14:34:42 /learner.py:612 [LEARNER] Number of optimization step: 1642
+DEBUG 2025-08-05 14:34:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.568141030397818
+INFO 2025-08-05 14:34:44 /learner.py:612 [LEARNER] Number of optimization step: 1643
+DEBUG 2025-08-05 14:34:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5602440421483182
+INFO 2025-08-05 14:34:46 /learner.py:612 [LEARNER] Number of optimization step: 1644
+DEBUG 2025-08-05 14:34:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:46 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:34:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 30016045
+DEBUG 2025-08-05 14:34:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7295838728319811
+INFO 2025-08-05 14:34:47 /learner.py:612 [LEARNER] Number of optimization step: 1645
+DEBUG 2025-08-05 14:34:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6286628494024233
+INFO 2025-08-05 14:34:49 /learner.py:612 [LEARNER] Number of optimization step: 1646
+DEBUG 2025-08-05 14:34:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7899469
+DEBUG 2025-08-05 14:34:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7144860658916959
+INFO 2025-08-05 14:34:50 /learner.py:612 [LEARNER] Number of optimization step: 1647
+DEBUG 2025-08-05 14:34:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5434746944595905
+INFO 2025-08-05 14:34:52 /learner.py:612 [LEARNER] Number of optimization step: 1648
+DEBUG 2025-08-05 14:34:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:53 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:34:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6646324530753945
+INFO 2025-08-05 14:34:54 /learner.py:612 [LEARNER] Number of optimization step: 1649
+DEBUG 2025-08-05 14:34:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6011723871577013
+INFO 2025-08-05 14:34:56 /learner.py:612 [LEARNER] Number of optimization step: 1650
+DEBUG 2025-08-05 14:34:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:34:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.536941908318617
+INFO 2025-08-05 14:34:58 /learner.py:612 [LEARNER] Number of optimization step: 1651
+DEBUG 2025-08-05 14:34:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:34:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:34:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:34:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:34:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:34:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:34:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:34:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:34:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6902570218119319
+INFO 2025-08-05 14:34:59 /learner.py:612 [LEARNER] Number of optimization step: 1652
+DEBUG 2025-08-05 14:34:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:34:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:34:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:34:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.604649901865242
+INFO 2025-08-05 14:35:01 /learner.py:612 [LEARNER] Number of optimization step: 1653
+DEBUG 2025-08-05 14:35:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5471008038701372
+INFO 2025-08-05 14:35:03 /learner.py:612 [LEARNER] Number of optimization step: 1654
+DEBUG 2025-08-05 14:35:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5390292365204454
+INFO 2025-08-05 14:35:04 /learner.py:612 [LEARNER] Number of optimization step: 1655
+DEBUG 2025-08-05 14:35:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:35:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33965429
+DEBUG 2025-08-05 14:35:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.591377150092963
+INFO 2025-08-05 14:35:06 /learner.py:612 [LEARNER] Number of optimization step: 1656
+DEBUG 2025-08-05 14:35:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6820169518099722
+INFO 2025-08-05 14:35:08 /learner.py:612 [LEARNER] Number of optimization step: 1657
+DEBUG 2025-08-05 14:35:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5141308940538806
+INFO 2025-08-05 14:35:10 /learner.py:612 [LEARNER] Number of optimization step: 1658
+DEBUG 2025-08-05 14:35:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5164893971985605
+INFO 2025-08-05 14:35:12 /learner.py:612 [LEARNER] Number of optimization step: 1659
+DEBUG 2025-08-05 14:35:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:12 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:13 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:35:13 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:13 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26856525
+DEBUG 2025-08-05 14:35:13 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6386300866033815
+INFO 2025-08-05 14:35:13 /learner.py:612 [LEARNER] Number of optimization step: 1660
+DEBUG 2025-08-05 14:35:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5627938633937004
+INFO 2025-08-05 14:35:15 /learner.py:612 [LEARNER] Number of optimization step: 1661
+DEBUG 2025-08-05 14:35:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5156654291720988
+INFO 2025-08-05 14:35:17 /learner.py:612 [LEARNER] Number of optimization step: 1662
+DEBUG 2025-08-05 14:35:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:17 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:18 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:35:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 24486869
+DEBUG 2025-08-05 14:35:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.623519767798797
+INFO 2025-08-05 14:35:19 /learner.py:612 [LEARNER] Number of optimization step: 1663
+DEBUG 2025-08-05 14:35:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5506804622243093
+INFO 2025-08-05 14:35:21 /learner.py:612 [LEARNER] Number of optimization step: 1664
+DEBUG 2025-08-05 14:35:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5235531928193853
+INFO 2025-08-05 14:35:23 /learner.py:612 [LEARNER] Number of optimization step: 1665
+DEBUG 2025-08-05 14:35:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5169936076699295
+INFO 2025-08-05 14:35:25 /learner.py:612 [LEARNER] Number of optimization step: 1666
+DEBUG 2025-08-05 14:35:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:35:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 33175565
+DEBUG 2025-08-05 14:35:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5806109646627822
+INFO 2025-08-05 14:35:26 /learner.py:612 [LEARNER] Number of optimization step: 1667
+DEBUG 2025-08-05 14:35:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5420525525059476
+INFO 2025-08-05 14:35:29 /learner.py:612 [LEARNER] Number of optimization step: 1668
+DEBUG 2025-08-05 14:35:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:29 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:35:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6341397034213583
+INFO 2025-08-05 14:35:30 /learner.py:612 [LEARNER] Number of optimization step: 1669
+DEBUG 2025-08-05 14:35:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5549052433253215
+INFO 2025-08-05 14:35:32 /learner.py:612 [LEARNER] Number of optimization step: 1670
+DEBUG 2025-08-05 14:35:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:32 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:35:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6251144242192493
+INFO 2025-08-05 14:35:34 /learner.py:612 [LEARNER] Number of optimization step: 1671
+DEBUG 2025-08-05 14:35:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5332828820926631
+INFO 2025-08-05 14:35:36 /learner.py:612 [LEARNER] Number of optimization step: 1672
+DEBUG 2025-08-05 14:35:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:36 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:35:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6354100115930285
+INFO 2025-08-05 14:35:37 /learner.py:612 [LEARNER] Number of optimization step: 1673
+DEBUG 2025-08-05 14:35:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:39 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:39 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:39 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:35:39 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5630421939117495
+INFO 2025-08-05 14:35:39 /learner.py:612 [LEARNER] Number of optimization step: 1674
+DEBUG 2025-08-05 14:35:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6626582483076675
+INFO 2025-08-05 14:35:41 /learner.py:612 [LEARNER] Number of optimization step: 1675
+DEBUG 2025-08-05 14:35:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5352032697037818
+INFO 2025-08-05 14:35:43 /learner.py:612 [LEARNER] Number of optimization step: 1676
+DEBUG 2025-08-05 14:35:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:35:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:35:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5672049220218687
+INFO 2025-08-05 14:35:45 /learner.py:612 [LEARNER] Number of optimization step: 1677
+DEBUG 2025-08-05 14:35:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6667543098159865
+INFO 2025-08-05 14:35:46 /learner.py:612 [LEARNER] Number of optimization step: 1678
+DEBUG 2025-08-05 14:35:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:46 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7899469
+DEBUG 2025-08-05 14:35:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6129860013482011
+INFO 2025-08-05 14:35:48 /learner.py:612 [LEARNER] Number of optimization step: 1679
+DEBUG 2025-08-05 14:35:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5609548109218017
+INFO 2025-08-05 14:35:50 /learner.py:612 [LEARNER] Number of optimization step: 1680
+DEBUG 2025-08-05 14:35:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:35:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6247149028656244
+INFO 2025-08-05 14:35:51 /learner.py:612 [LEARNER] Number of optimization step: 1681
+DEBUG 2025-08-05 14:35:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5477916867734215
+INFO 2025-08-05 14:35:53 /learner.py:612 [LEARNER] Number of optimization step: 1682
+DEBUG 2025-08-05 14:35:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:35:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:35:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5915837579741259
+INFO 2025-08-05 14:35:55 /learner.py:612 [LEARNER] Number of optimization step: 1683
+DEBUG 2025-08-05 14:35:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:35:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5526862634714912
+INFO 2025-08-05 14:35:57 /learner.py:612 [LEARNER] Number of optimization step: 1684
+DEBUG 2025-08-05 14:35:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:57 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:35:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:35:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:35:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:35:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:35:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:35:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:35:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:35:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.636548209694519
+INFO 2025-08-05 14:35:59 /learner.py:612 [LEARNER] Number of optimization step: 1685
+DEBUG 2025-08-05 14:35:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:35:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:35:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:35:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5612006197172864
+INFO 2025-08-05 14:36:01 /learner.py:612 [LEARNER] Number of optimization step: 1686
+DEBUG 2025-08-05 14:36:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:36:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:36:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.558769155361384
+INFO 2025-08-05 14:36:02 /learner.py:612 [LEARNER] Number of optimization step: 1687
+DEBUG 2025-08-05 14:36:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6197188089200995
+INFO 2025-08-05 14:36:04 /learner.py:612 [LEARNER] Number of optimization step: 1688
+DEBUG 2025-08-05 14:36:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:06 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:06 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:06 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:36:06 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5193158105000958
+INFO 2025-08-05 14:36:06 /learner.py:612 [LEARNER] Number of optimization step: 1689
+DEBUG 2025-08-05 14:36:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6439688941808867
+INFO 2025-08-05 14:36:08 /learner.py:612 [LEARNER] Number of optimization step: 1690
+DEBUG 2025-08-05 14:36:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.4989874641052598
+INFO 2025-08-05 14:36:10 /learner.py:612 [LEARNER] Number of optimization step: 1691
+DEBUG 2025-08-05 14:36:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:36:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6000607453065764
+INFO 2025-08-05 14:36:11 /learner.py:612 [LEARNER] Number of optimization step: 1692
+DEBUG 2025-08-05 14:36:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5618174021704306
+INFO 2025-08-05 14:36:13 /learner.py:612 [LEARNER] Number of optimization step: 1693
+DEBUG 2025-08-05 14:36:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:36:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:36:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5508070166322402
+INFO 2025-08-05 14:36:15 /learner.py:612 [LEARNER] Number of optimization step: 1694
+DEBUG 2025-08-05 14:36:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6441213896991905
+INFO 2025-08-05 14:36:17 /learner.py:612 [LEARNER] Number of optimization step: 1695
+DEBUG 2025-08-05 14:36:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:36:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5516036902540252
+INFO 2025-08-05 14:36:19 /learner.py:612 [LEARNER] Number of optimization step: 1696
+DEBUG 2025-08-05 14:36:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6577331831102576
+INFO 2025-08-05 14:36:20 /learner.py:612 [LEARNER] Number of optimization step: 1697
+DEBUG 2025-08-05 14:36:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:36:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5349489300784498
+INFO 2025-08-05 14:36:22 /learner.py:612 [LEARNER] Number of optimization step: 1698
+DEBUG 2025-08-05 14:36:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:22 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6340214144849216
+INFO 2025-08-05 14:36:24 /learner.py:612 [LEARNER] Number of optimization step: 1699
+DEBUG 2025-08-05 14:36:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5240543369977357
+INFO 2025-08-05 14:36:26 /learner.py:612 [LEARNER] Number of optimization step: 1700
+DEBUG 2025-08-05 14:36:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5236917112507119
+INFO 2025-08-05 14:36:28 /learner.py:612 [LEARNER] Number of optimization step: 1701
+DEBUG 2025-08-05 14:36:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:29 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:36:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:29 ort/utils.py:93 [LEARNER] transitions Received data at step end size 29226181
+DEBUG 2025-08-05 14:36:29 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:36:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.625204995043396
+INFO 2025-08-05 14:36:29 /learner.py:612 [LEARNER] Number of optimization step: 1702
+DEBUG 2025-08-05 14:36:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.606795764290229
+INFO 2025-08-05 14:36:31 /learner.py:612 [LEARNER] Number of optimization step: 1703
+DEBUG 2025-08-05 14:36:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:31 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:32 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:32 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:32 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:36:32 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6258622324554454
+INFO 2025-08-05 14:36:33 /learner.py:612 [LEARNER] Number of optimization step: 1704
+DEBUG 2025-08-05 14:36:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5635787367017929
+INFO 2025-08-05 14:36:35 /learner.py:612 [LEARNER] Number of optimization step: 1705
+DEBUG 2025-08-05 14:36:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:36:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:36:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5393944839064165
+INFO 2025-08-05 14:36:37 /learner.py:612 [LEARNER] Number of optimization step: 1706
+DEBUG 2025-08-05 14:36:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.670209110730037
+INFO 2025-08-05 14:36:38 /learner.py:612 [LEARNER] Number of optimization step: 1707
+DEBUG 2025-08-05 14:36:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.53265054672297
+INFO 2025-08-05 14:36:40 /learner.py:612 [LEARNER] Number of optimization step: 1708
+DEBUG 2025-08-05 14:36:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:36:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:36:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:36:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6209871021111277
+INFO 2025-08-05 14:36:42 /learner.py:612 [LEARNER] Number of optimization step: 1709
+DEBUG 2025-08-05 14:36:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6454843909660037
+INFO 2025-08-05 14:36:43 /learner.py:612 [LEARNER] Number of optimization step: 1710
+DEBUG 2025-08-05 14:36:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:36:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:36:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5828316949578606
+INFO 2025-08-05 14:36:45 /learner.py:612 [LEARNER] Number of optimization step: 1711
+DEBUG 2025-08-05 14:36:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6588002751928141
+INFO 2025-08-05 14:36:47 /learner.py:612 [LEARNER] Number of optimization step: 1712
+DEBUG 2025-08-05 14:36:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5326425649320212
+INFO 2025-08-05 14:36:49 /learner.py:612 [LEARNER] Number of optimization step: 1713
+DEBUG 2025-08-05 14:36:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:36:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7693824835592598
+INFO 2025-08-05 14:36:50 /learner.py:612 [LEARNER] Number of optimization step: 1714
+DEBUG 2025-08-05 14:36:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5450989935001836
+INFO 2025-08-05 14:36:52 /learner.py:612 [LEARNER] Number of optimization step: 1715
+DEBUG 2025-08-05 14:36:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:52 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:36:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:36:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.712785447758833
+INFO 2025-08-05 14:36:53 /learner.py:612 [LEARNER] Number of optimization step: 1716
+DEBUG 2025-08-05 14:36:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5780164334913264
+INFO 2025-08-05 14:36:55 /learner.py:612 [LEARNER] Number of optimization step: 1717
+DEBUG 2025-08-05 14:36:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:36:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:36:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:36:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:36:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:36:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5308345835779883
+INFO 2025-08-05 14:36:57 /learner.py:612 [LEARNER] Number of optimization step: 1718
+DEBUG 2025-08-05 14:36:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:36:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:36:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:36:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:36:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6825368020207797
+INFO 2025-08-05 14:36:59 /learner.py:612 [LEARNER] Number of optimization step: 1719
+DEBUG 2025-08-05 14:36:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:36:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:36:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:36:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5363524434045163
+INFO 2025-08-05 14:37:01 /learner.py:612 [LEARNER] Number of optimization step: 1720
+DEBUG 2025-08-05 14:37:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7227634508382449
+INFO 2025-08-05 14:37:02 /learner.py:612 [LEARNER] Number of optimization step: 1721
+DEBUG 2025-08-05 14:37:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5565726945727566
+INFO 2025-08-05 14:37:04 /learner.py:612 [LEARNER] Number of optimization step: 1722
+DEBUG 2025-08-05 14:37:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7061134482536399
+INFO 2025-08-05 14:37:05 /learner.py:612 [LEARNER] Number of optimization step: 1723
+DEBUG 2025-08-05 14:37:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5427931058266778
+INFO 2025-08-05 14:37:07 /learner.py:612 [LEARNER] Number of optimization step: 1724
+DEBUG 2025-08-05 14:37:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6998327292523876
+INFO 2025-08-05 14:37:09 /learner.py:612 [LEARNER] Number of optimization step: 1725
+DEBUG 2025-08-05 14:37:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:37:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5790240076782623
+INFO 2025-08-05 14:37:11 /learner.py:612 [LEARNER] Number of optimization step: 1726
+DEBUG 2025-08-05 14:37:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6296693900859893
+INFO 2025-08-05 14:37:12 /learner.py:612 [LEARNER] Number of optimization step: 1727
+DEBUG 2025-08-05 14:37:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5450847546287583
+INFO 2025-08-05 14:37:14 /learner.py:612 [LEARNER] Number of optimization step: 1728
+DEBUG 2025-08-05 14:37:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6316192099144073
+INFO 2025-08-05 14:37:16 /learner.py:612 [LEARNER] Number of optimization step: 1729
+DEBUG 2025-08-05 14:37:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:18 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:18 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:18 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:18 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:18 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:18 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:37:18 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5535433906415016
+INFO 2025-08-05 14:37:18 /learner.py:612 [LEARNER] Number of optimization step: 1730
+DEBUG 2025-08-05 14:37:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6387993266624227
+INFO 2025-08-05 14:37:19 /learner.py:612 [LEARNER] Number of optimization step: 1731
+DEBUG 2025-08-05 14:37:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:37:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5252205287734705
+INFO 2025-08-05 14:37:21 /learner.py:612 [LEARNER] Number of optimization step: 1732
+DEBUG 2025-08-05 14:37:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6497104625505493
+INFO 2025-08-05 14:37:23 /learner.py:612 [LEARNER] Number of optimization step: 1733
+DEBUG 2025-08-05 14:37:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:25 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:37:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5574091096509384
+INFO 2025-08-05 14:37:25 /learner.py:612 [LEARNER] Number of optimization step: 1734
+DEBUG 2025-08-05 14:37:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6456224991125354
+INFO 2025-08-05 14:37:26 /learner.py:612 [LEARNER] Number of optimization step: 1735
+DEBUG 2025-08-05 14:37:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5372092245928676
+INFO 2025-08-05 14:37:28 /learner.py:612 [LEARNER] Number of optimization step: 1736
+DEBUG 2025-08-05 14:37:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6723134332690102
+INFO 2025-08-05 14:37:30 /learner.py:612 [LEARNER] Number of optimization step: 1737
+DEBUG 2025-08-05 14:37:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5203900828602612
+INFO 2025-08-05 14:37:32 /learner.py:612 [LEARNER] Number of optimization step: 1738
+DEBUG 2025-08-05 14:37:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:37:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:37:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5828265117034098
+INFO 2025-08-05 14:37:33 /learner.py:612 [LEARNER] Number of optimization step: 1739
+DEBUG 2025-08-05 14:37:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6347350766859557
+INFO 2025-08-05 14:37:35 /learner.py:612 [LEARNER] Number of optimization step: 1740
+DEBUG 2025-08-05 14:37:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:37:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:37:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5433690139293893
+INFO 2025-08-05 14:37:37 /learner.py:612 [LEARNER] Number of optimization step: 1741
+DEBUG 2025-08-05 14:37:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6213376838722443
+INFO 2025-08-05 14:37:39 /learner.py:612 [LEARNER] Number of optimization step: 1742
+DEBUG 2025-08-05 14:37:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:37:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.523128354944906
+INFO 2025-08-05 14:37:41 /learner.py:612 [LEARNER] Number of optimization step: 1743
+DEBUG 2025-08-05 14:37:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6577873376240165
+INFO 2025-08-05 14:37:42 /learner.py:612 [LEARNER] Number of optimization step: 1744
+DEBUG 2025-08-05 14:37:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:44 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:44 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:37:44 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5271866034661099
+INFO 2025-08-05 14:37:44 /learner.py:612 [LEARNER] Number of optimization step: 1745
+DEBUG 2025-08-05 14:37:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6452814097336113
+INFO 2025-08-05 14:37:46 /learner.py:612 [LEARNER] Number of optimization step: 1746
+DEBUG 2025-08-05 14:37:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5036289512930555
+INFO 2025-08-05 14:37:48 /learner.py:612 [LEARNER] Number of optimization step: 1747
+DEBUG 2025-08-05 14:37:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:48 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:48 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:48 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:48 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:37:48 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6524087673500076
+INFO 2025-08-05 14:37:50 /learner.py:612 [LEARNER] Number of optimization step: 1748
+DEBUG 2025-08-05 14:37:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:37:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5371471686490462
+INFO 2025-08-05 14:37:52 /learner.py:612 [LEARNER] Number of optimization step: 1749
+DEBUG 2025-08-05 14:37:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6465714767781559
+INFO 2025-08-05 14:37:53 /learner.py:612 [LEARNER] Number of optimization step: 1750
+DEBUG 2025-08-05 14:37:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5258707391815439
+INFO 2025-08-05 14:37:55 /learner.py:612 [LEARNER] Number of optimization step: 1751
+DEBUG 2025-08-05 14:37:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:55 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:37:56 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:37:56 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:37:56 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:37:56 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:37:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5872920277226439
+INFO 2025-08-05 14:37:57 /learner.py:612 [LEARNER] Number of optimization step: 1752
+DEBUG 2025-08-05 14:37:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:37:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:37:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:37:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:37:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5349466103252863
+INFO 2025-08-05 14:37:59 /learner.py:612 [LEARNER] Number of optimization step: 1753
+DEBUG 2025-08-05 14:37:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:37:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:37:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:37:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:38:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:38:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:38:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5841432612036832
+INFO 2025-08-05 14:38:01 /learner.py:612 [LEARNER] Number of optimization step: 1754
+DEBUG 2025-08-05 14:38:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6160153856707118
+INFO 2025-08-05 14:38:02 /learner.py:612 [LEARNER] Number of optimization step: 1755
+DEBUG 2025-08-05 14:38:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:38:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5185646663264609
+INFO 2025-08-05 14:38:04 /learner.py:612 [LEARNER] Number of optimization step: 1756
+DEBUG 2025-08-05 14:38:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6470395761266364
+INFO 2025-08-05 14:38:06 /learner.py:612 [LEARNER] Number of optimization step: 1757
+DEBUG 2025-08-05 14:38:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:38:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5299361921420589
+INFO 2025-08-05 14:38:08 /learner.py:612 [LEARNER] Number of optimization step: 1758
+DEBUG 2025-08-05 14:38:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6351008770141026
+INFO 2025-08-05 14:38:10 /learner.py:612 [LEARNER] Number of optimization step: 1759
+DEBUG 2025-08-05 14:38:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:38:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5573297095348547
+INFO 2025-08-05 14:38:11 /learner.py:612 [LEARNER] Number of optimization step: 1760
+DEBUG 2025-08-05 14:38:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6264604959511441
+INFO 2025-08-05 14:38:13 /learner.py:612 [LEARNER] Number of optimization step: 1761
+DEBUG 2025-08-05 14:38:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:38:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5435469554401814
+INFO 2025-08-05 14:38:15 /learner.py:612 [LEARNER] Number of optimization step: 1762
+DEBUG 2025-08-05 14:38:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.652317854105079
+INFO 2025-08-05 14:38:17 /learner.py:612 [LEARNER] Number of optimization step: 1763
+DEBUG 2025-08-05 14:38:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5389333795740229
+INFO 2025-08-05 14:38:19 /learner.py:612 [LEARNER] Number of optimization step: 1764
+DEBUG 2025-08-05 14:38:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:20 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:20 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5772520277472163
+INFO 2025-08-05 14:38:20 /learner.py:612 [LEARNER] Number of optimization step: 1765
+DEBUG 2025-08-05 14:38:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6302528909075146
+INFO 2025-08-05 14:38:22 /learner.py:612 [LEARNER] Number of optimization step: 1766
+DEBUG 2025-08-05 14:38:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:22 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:38:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 32385637
+DEBUG 2025-08-05 14:38:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7139582330670525
+INFO 2025-08-05 14:38:23 /learner.py:612 [LEARNER] Number of optimization step: 1767
+DEBUG 2025-08-05 14:38:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6110515979847341
+INFO 2025-08-05 14:38:25 /learner.py:612 [LEARNER] Number of optimization step: 1768
+DEBUG 2025-08-05 14:38:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:25 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:38:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:27 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:27 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:27 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6360113420371473
+INFO 2025-08-05 14:38:27 /learner.py:612 [LEARNER] Number of optimization step: 1769
+DEBUG 2025-08-05 14:38:27 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:27 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:27 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:27 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:28 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6020172283687386
+INFO 2025-08-05 14:38:28 /learner.py:612 [LEARNER] Number of optimization step: 1770
+DEBUG 2025-08-05 14:38:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:29 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:29 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:30 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:38:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:38:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5840889217962668
+INFO 2025-08-05 14:38:30 /learner.py:612 [LEARNER] Number of optimization step: 1771
+DEBUG 2025-08-05 14:38:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:32 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:32 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7156383276908918
+INFO 2025-08-05 14:38:32 /learner.py:612 [LEARNER] Number of optimization step: 1772
+DEBUG 2025-08-05 14:38:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5830025509801433
+INFO 2025-08-05 14:38:33 /learner.py:612 [LEARNER] Number of optimization step: 1773
+DEBUG 2025-08-05 14:38:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:34 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:38:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:38:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7024413505748494
+INFO 2025-08-05 14:38:35 /learner.py:612 [LEARNER] Number of optimization step: 1774
+DEBUG 2025-08-05 14:38:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6546235480793966
+INFO 2025-08-05 14:38:37 /learner.py:612 [LEARNER] Number of optimization step: 1775
+DEBUG 2025-08-05 14:38:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:38:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:38:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6440806380417882
+INFO 2025-08-05 14:38:38 /learner.py:612 [LEARNER] Number of optimization step: 1776
+DEBUG 2025-08-05 14:38:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6606113436464387
+INFO 2025-08-05 14:38:40 /learner.py:612 [LEARNER] Number of optimization step: 1777
+DEBUG 2025-08-05 14:38:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:41 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:41 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:41 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:38:41 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:38:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5625116507703135
+INFO 2025-08-05 14:38:42 /learner.py:612 [LEARNER] Number of optimization step: 1778
+DEBUG 2025-08-05 14:38:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.720402681232107
+INFO 2025-08-05 14:38:43 /learner.py:612 [LEARNER] Number of optimization step: 1779
+DEBUG 2025-08-05 14:38:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5493029829018665
+INFO 2025-08-05 14:38:45 /learner.py:612 [LEARNER] Number of optimization step: 1780
+DEBUG 2025-08-05 14:38:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:38:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:38:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:38:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6532998592968021
+INFO 2025-08-05 14:38:46 /learner.py:612 [LEARNER] Number of optimization step: 1781
+DEBUG 2025-08-05 14:38:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6886945368694822
+INFO 2025-08-05 14:38:48 /learner.py:612 [LEARNER] Number of optimization step: 1782
+DEBUG 2025-08-05 14:38:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5478210212323736
+INFO 2025-08-05 14:38:50 /learner.py:612 [LEARNER] Number of optimization step: 1783
+DEBUG 2025-08-05 14:38:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:50 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:38:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6562697535157181
+INFO 2025-08-05 14:38:51 /learner.py:612 [LEARNER] Number of optimization step: 1784
+DEBUG 2025-08-05 14:38:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5836428750707966
+INFO 2025-08-05 14:38:53 /learner.py:612 [LEARNER] Number of optimization step: 1785
+DEBUG 2025-08-05 14:38:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:53 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:38:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6893286053116768
+INFO 2025-08-05 14:38:55 /learner.py:612 [LEARNER] Number of optimization step: 1786
+DEBUG 2025-08-05 14:38:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5220868164472823
+INFO 2025-08-05 14:38:57 /learner.py:612 [LEARNER] Number of optimization step: 1787
+DEBUG 2025-08-05 14:38:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:57 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:38:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:38:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:38:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:38:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:38:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:38:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:38:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:38:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:38:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:38:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6652537784928484
+INFO 2025-08-05 14:38:58 /learner.py:612 [LEARNER] Number of optimization step: 1788
+DEBUG 2025-08-05 14:38:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:38:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:38:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:38:58 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:38:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6038283451475903
+INFO 2025-08-05 14:39:00 /learner.py:612 [LEARNER] Number of optimization step: 1789
+DEBUG 2025-08-05 14:39:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:39:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:39:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5479628010264056
+INFO 2025-08-05 14:39:02 /learner.py:612 [LEARNER] Number of optimization step: 1790
+DEBUG 2025-08-05 14:39:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6932977966153351
+INFO 2025-08-05 14:39:03 /learner.py:612 [LEARNER] Number of optimization step: 1791
+DEBUG 2025-08-05 14:39:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6114292832751049
+INFO 2025-08-05 14:39:05 /learner.py:612 [LEARNER] Number of optimization step: 1792
+DEBUG 2025-08-05 14:39:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.527387588427583
+INFO 2025-08-05 14:39:07 /learner.py:612 [LEARNER] Number of optimization step: 1793
+DEBUG 2025-08-05 14:39:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:07 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:39:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 26066661
+DEBUG 2025-08-05 14:39:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6746354951850655
+INFO 2025-08-05 14:39:08 /learner.py:612 [LEARNER] Number of optimization step: 1794
+DEBUG 2025-08-05 14:39:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5699203076544344
+INFO 2025-08-05 14:39:10 /learner.py:612 [LEARNER] Number of optimization step: 1795
+DEBUG 2025-08-05 14:39:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:39:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:39:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5939643207544093
+INFO 2025-08-05 14:39:12 /learner.py:612 [LEARNER] Number of optimization step: 1796
+DEBUG 2025-08-05 14:39:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6966040765621394
+INFO 2025-08-05 14:39:14 /learner.py:612 [LEARNER] Number of optimization step: 1797
+DEBUG 2025-08-05 14:39:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:14 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5170047598008413
+INFO 2025-08-05 14:39:16 /learner.py:612 [LEARNER] Number of optimization step: 1798
+DEBUG 2025-08-05 14:39:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:39:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:39:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5411084226736671
+INFO 2025-08-05 14:39:17 /learner.py:612 [LEARNER] Number of optimization step: 1799
+DEBUG 2025-08-05 14:39:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6378836810983886
+INFO 2025-08-05 14:39:19 /learner.py:612 [LEARNER] Number of optimization step: 1800
+DEBUG 2025-08-05 14:39:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:39:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:39:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5802105811958471
+INFO 2025-08-05 14:39:21 /learner.py:612 [LEARNER] Number of optimization step: 1801
+DEBUG 2025-08-05 14:39:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6196528891402528
+INFO 2025-08-05 14:39:23 /learner.py:612 [LEARNER] Number of optimization step: 1802
+DEBUG 2025-08-05 14:39:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:39:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5384894472886584
+INFO 2025-08-05 14:39:24 /learner.py:612 [LEARNER] Number of optimization step: 1803
+DEBUG 2025-08-05 14:39:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6618812883789342
+INFO 2025-08-05 14:39:26 /learner.py:612 [LEARNER] Number of optimization step: 1804
+DEBUG 2025-08-05 14:39:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5008057801143732
+INFO 2025-08-05 14:39:28 /learner.py:612 [LEARNER] Number of optimization step: 1805
+DEBUG 2025-08-05 14:39:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:39:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:39:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:39:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5969569071470775
+INFO 2025-08-05 14:39:30 /learner.py:612 [LEARNER] Number of optimization step: 1806
+DEBUG 2025-08-05 14:39:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:32 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6332855455341141
+INFO 2025-08-05 14:39:32 /learner.py:612 [LEARNER] Number of optimization step: 1807
+DEBUG 2025-08-05 14:39:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.524219195955689
+INFO 2025-08-05 14:39:33 /learner.py:612 [LEARNER] Number of optimization step: 1808
+DEBUG 2025-08-05 14:39:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:34 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:39:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:39:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6322123351978239
+INFO 2025-08-05 14:39:35 /learner.py:612 [LEARNER] Number of optimization step: 1809
+DEBUG 2025-08-05 14:39:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5410729622488447
+INFO 2025-08-05 14:39:37 /learner.py:612 [LEARNER] Number of optimization step: 1810
+DEBUG 2025-08-05 14:39:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:39:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:39 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6383798924181734
+INFO 2025-08-05 14:39:39 /learner.py:612 [LEARNER] Number of optimization step: 1811
+DEBUG 2025-08-05 14:39:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.576510322495515
+INFO 2025-08-05 14:39:41 /learner.py:612 [LEARNER] Number of optimization step: 1812
+DEBUG 2025-08-05 14:39:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:41 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:42 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:42 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:42 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:39:42 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6303333998621287
+INFO 2025-08-05 14:39:42 /learner.py:612 [LEARNER] Number of optimization step: 1813
+DEBUG 2025-08-05 14:39:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.576457076931536
+INFO 2025-08-05 14:39:44 /learner.py:612 [LEARNER] Number of optimization step: 1814
+DEBUG 2025-08-05 14:39:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:44 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:39:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6391979785676951
+INFO 2025-08-05 14:39:46 /learner.py:612 [LEARNER] Number of optimization step: 1815
+DEBUG 2025-08-05 14:39:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.568293909631071
+INFO 2025-08-05 14:39:48 /learner.py:612 [LEARNER] Number of optimization step: 1816
+DEBUG 2025-08-05 14:39:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:39:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:39:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5647423280766058
+INFO 2025-08-05 14:39:49 /learner.py:612 [LEARNER] Number of optimization step: 1817
+DEBUG 2025-08-05 14:39:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6334496683907994
+INFO 2025-08-05 14:39:51 /learner.py:612 [LEARNER] Number of optimization step: 1818
+DEBUG 2025-08-05 14:39:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:39:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:39:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:39:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5205934133467142
+INFO 2025-08-05 14:39:53 /learner.py:612 [LEARNER] Number of optimization step: 1819
+DEBUG 2025-08-05 14:39:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5993433989461768
+INFO 2025-08-05 14:39:55 /learner.py:612 [LEARNER] Number of optimization step: 1820
+DEBUG 2025-08-05 14:39:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:39:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:39:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:39:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:39:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:39:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5196044797983551
+INFO 2025-08-05 14:39:57 /learner.py:612 [LEARNER] Number of optimization step: 1821
+DEBUG 2025-08-05 14:39:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:39:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:39:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:39:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:39:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.628326826916536
+INFO 2025-08-05 14:39:58 /learner.py:612 [LEARNER] Number of optimization step: 1822
+DEBUG 2025-08-05 14:39:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:39:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:39:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:39:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:00 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:00 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:00 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:40:00 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5723759505438721
+INFO 2025-08-05 14:40:00 /learner.py:612 [LEARNER] Number of optimization step: 1823
+DEBUG 2025-08-05 14:40:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.653187335198224
+INFO 2025-08-05 14:40:02 /learner.py:612 [LEARNER] Number of optimization step: 1824
+DEBUG 2025-08-05 14:40:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:40:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.517136965132893
+INFO 2025-08-05 14:40:04 /learner.py:612 [LEARNER] Number of optimization step: 1825
+DEBUG 2025-08-05 14:40:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6436196727875356
+INFO 2025-08-05 14:40:05 /learner.py:612 [LEARNER] Number of optimization step: 1826
+DEBUG 2025-08-05 14:40:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:40:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5641745782090087
+INFO 2025-08-05 14:40:07 /learner.py:612 [LEARNER] Number of optimization step: 1827
+DEBUG 2025-08-05 14:40:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6319644771527421
+INFO 2025-08-05 14:40:09 /learner.py:612 [LEARNER] Number of optimization step: 1828
+DEBUG 2025-08-05 14:40:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:11 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:11 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:11 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:40:11 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5219368698539887
+INFO 2025-08-05 14:40:11 /learner.py:612 [LEARNER] Number of optimization step: 1829
+DEBUG 2025-08-05 14:40:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6328484910502549
+INFO 2025-08-05 14:40:13 /learner.py:612 [LEARNER] Number of optimization step: 1830
+DEBUG 2025-08-05 14:40:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:40:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5658473668724917
+INFO 2025-08-05 14:40:14 /learner.py:612 [LEARNER] Number of optimization step: 1831
+DEBUG 2025-08-05 14:40:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6253171267638292
+INFO 2025-08-05 14:40:16 /learner.py:612 [LEARNER] Number of optimization step: 1832
+DEBUG 2025-08-05 14:40:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:16 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:40:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6340931111004241
+INFO 2025-08-05 14:40:18 /learner.py:612 [LEARNER] Number of optimization step: 1833
+DEBUG 2025-08-05 14:40:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:20 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5908515643784011
+INFO 2025-08-05 14:40:20 /learner.py:612 [LEARNER] Number of optimization step: 1834
+DEBUG 2025-08-05 14:40:20 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5226816682888954
+INFO 2025-08-05 14:40:21 /learner.py:612 [LEARNER] Number of optimization step: 1835
+DEBUG 2025-08-05 14:40:22 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:22 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:22 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:40:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:40:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6941446829439376
+INFO 2025-08-05 14:40:23 /learner.py:612 [LEARNER] Number of optimization step: 1836
+DEBUG 2025-08-05 14:40:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:25 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:25 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:25 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6036544493503254
+INFO 2025-08-05 14:40:25 /learner.py:612 [LEARNER] Number of optimization step: 1837
+DEBUG 2025-08-05 14:40:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:40:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6118399215772243
+INFO 2025-08-05 14:40:26 /learner.py:612 [LEARNER] Number of optimization step: 1838
+DEBUG 2025-08-05 14:40:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6420463656299348
+INFO 2025-08-05 14:40:28 /learner.py:612 [LEARNER] Number of optimization step: 1839
+DEBUG 2025-08-05 14:40:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5769505295386607
+INFO 2025-08-05 14:40:30 /learner.py:612 [LEARNER] Number of optimization step: 1840
+DEBUG 2025-08-05 14:40:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:40:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18957757
+DEBUG 2025-08-05 14:40:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6243847594738965
+INFO 2025-08-05 14:40:31 /learner.py:612 [LEARNER] Number of optimization step: 1841
+DEBUG 2025-08-05 14:40:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.682983034969545
+INFO 2025-08-05 14:40:33 /learner.py:612 [LEARNER] Number of optimization step: 1842
+DEBUG 2025-08-05 14:40:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5244276285811585
+INFO 2025-08-05 14:40:35 /learner.py:612 [LEARNER] Number of optimization step: 1843
+DEBUG 2025-08-05 14:40:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:35 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:40:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:40:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6766748339026981
+INFO 2025-08-05 14:40:36 /learner.py:612 [LEARNER] Number of optimization step: 1844
+DEBUG 2025-08-05 14:40:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5832228915988737
+INFO 2025-08-05 14:40:38 /learner.py:612 [LEARNER] Number of optimization step: 1845
+DEBUG 2025-08-05 14:40:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:40:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6037746275074963
+INFO 2025-08-05 14:40:40 /learner.py:612 [LEARNER] Number of optimization step: 1846
+DEBUG 2025-08-05 14:40:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6590716024894654
+INFO 2025-08-05 14:40:42 /learner.py:612 [LEARNER] Number of optimization step: 1847
+DEBUG 2025-08-05 14:40:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5250748900818585
+INFO 2025-08-05 14:40:43 /learner.py:612 [LEARNER] Number of optimization step: 1848
+DEBUG 2025-08-05 14:40:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:40:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:40:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6097574765026317
+INFO 2025-08-05 14:40:45 /learner.py:612 [LEARNER] Number of optimization step: 1849
+DEBUG 2025-08-05 14:40:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:45 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7021754640199431
+INFO 2025-08-05 14:40:47 /learner.py:612 [LEARNER] Number of optimization step: 1850
+DEBUG 2025-08-05 14:40:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.532026660007537
+INFO 2025-08-05 14:40:49 /learner.py:612 [LEARNER] Number of optimization step: 1851
+DEBUG 2025-08-05 14:40:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:40:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:40:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.649194678858757
+INFO 2025-08-05 14:40:50 /learner.py:612 [LEARNER] Number of optimization step: 1852
+DEBUG 2025-08-05 14:40:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.572464852755065
+INFO 2025-08-05 14:40:52 /learner.py:612 [LEARNER] Number of optimization step: 1853
+DEBUG 2025-08-05 14:40:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:53 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:40:53 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:53 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:40:53 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6037966175541637
+INFO 2025-08-05 14:40:54 /learner.py:612 [LEARNER] Number of optimization step: 1854
+DEBUG 2025-08-05 14:40:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6809077652996411
+INFO 2025-08-05 14:40:55 /learner.py:612 [LEARNER] Number of optimization step: 1855
+DEBUG 2025-08-05 14:40:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:40:57 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:40:57 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:40:57 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:40:57 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:40:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.543336986975765
+INFO 2025-08-05 14:40:57 /learner.py:612 [LEARNER] Number of optimization step: 1856
+DEBUG 2025-08-05 14:40:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:40:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:40:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:40:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:40:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6923626735437949
+INFO 2025-08-05 14:40:59 /learner.py:612 [LEARNER] Number of optimization step: 1857
+DEBUG 2025-08-05 14:40:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:40:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:40:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:40:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5226060574558394
+INFO 2025-08-05 14:41:01 /learner.py:612 [LEARNER] Number of optimization step: 1858
+DEBUG 2025-08-05 14:41:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5160793067856073
+INFO 2025-08-05 14:41:02 /learner.py:612 [LEARNER] Number of optimization step: 1859
+DEBUG 2025-08-05 14:41:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:41:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 28436253
+DEBUG 2025-08-05 14:41:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:41:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6213139374278253
+INFO 2025-08-05 14:41:04 /learner.py:612 [LEARNER] Number of optimization step: 1860
+DEBUG 2025-08-05 14:41:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7065260652056777
+INFO 2025-08-05 14:41:06 /learner.py:612 [LEARNER] Number of optimization step: 1861
+DEBUG 2025-08-05 14:41:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:41:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:41:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6643896781560495
+INFO 2025-08-05 14:41:07 /learner.py:612 [LEARNER] Number of optimization step: 1862
+DEBUG 2025-08-05 14:41:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:07 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6940114490499657
+INFO 2025-08-05 14:41:09 /learner.py:612 [LEARNER] Number of optimization step: 1863
+DEBUG 2025-08-05 14:41:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:41:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:41:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.621190816371966
+INFO 2025-08-05 14:41:10 /learner.py:612 [LEARNER] Number of optimization step: 1864
+DEBUG 2025-08-05 14:41:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.665014345322394
+INFO 2025-08-05 14:41:12 /learner.py:612 [LEARNER] Number of optimization step: 1865
+DEBUG 2025-08-05 14:41:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5433986510232774
+INFO 2025-08-05 14:41:14 /learner.py:612 [LEARNER] Number of optimization step: 1866
+DEBUG 2025-08-05 14:41:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:41:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6418348347376647
+INFO 2025-08-05 14:41:15 /learner.py:612 [LEARNER] Number of optimization step: 1867
+DEBUG 2025-08-05 14:41:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5607100418975667
+INFO 2025-08-05 14:41:17 /learner.py:612 [LEARNER] Number of optimization step: 1868
+DEBUG 2025-08-05 14:41:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:17 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:17 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:18 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:41:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:41:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.601674121894358
+INFO 2025-08-05 14:41:19 /learner.py:612 [LEARNER] Number of optimization step: 1869
+DEBUG 2025-08-05 14:41:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6606074939069457
+INFO 2025-08-05 14:41:21 /learner.py:612 [LEARNER] Number of optimization step: 1870
+DEBUG 2025-08-05 14:41:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:22 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:41:22 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:41:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:22 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5463802001305688
+INFO 2025-08-05 14:41:22 /learner.py:612 [LEARNER] Number of optimization step: 1871
+DEBUG 2025-08-05 14:41:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6202858398589998
+INFO 2025-08-05 14:41:24 /learner.py:612 [LEARNER] Number of optimization step: 1872
+DEBUG 2025-08-05 14:41:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.512929998427155
+INFO 2025-08-05 14:41:26 /learner.py:612 [LEARNER] Number of optimization step: 1873
+DEBUG 2025-08-05 14:41:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:41:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:41:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.607117319082825
+INFO 2025-08-05 14:41:28 /learner.py:612 [LEARNER] Number of optimization step: 1874
+DEBUG 2025-08-05 14:41:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5653808708106172
+INFO 2025-08-05 14:41:30 /learner.py:612 [LEARNER] Number of optimization step: 1875
+DEBUG 2025-08-05 14:41:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:30 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:41:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6397428763702948
+INFO 2025-08-05 14:41:31 /learner.py:612 [LEARNER] Number of optimization step: 1876
+DEBUG 2025-08-05 14:41:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5359027540839832
+INFO 2025-08-05 14:41:33 /learner.py:612 [LEARNER] Number of optimization step: 1877
+DEBUG 2025-08-05 14:41:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:33 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:34 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:34 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:34 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:41:34 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6420558991012056
+INFO 2025-08-05 14:41:35 /learner.py:612 [LEARNER] Number of optimization step: 1878
+DEBUG 2025-08-05 14:41:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5540758809222194
+INFO 2025-08-05 14:41:37 /learner.py:612 [LEARNER] Number of optimization step: 1879
+DEBUG 2025-08-05 14:41:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:37 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:41:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6129128181452967
+INFO 2025-08-05 14:41:38 /learner.py:612 [LEARNER] Number of optimization step: 1880
+DEBUG 2025-08-05 14:41:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:41:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7899469
+DEBUG 2025-08-05 14:41:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5633338671191465
+INFO 2025-08-05 14:41:40 /learner.py:612 [LEARNER] Number of optimization step: 1881
+DEBUG 2025-08-05 14:41:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6286341114597084
+INFO 2025-08-05 14:41:42 /learner.py:612 [LEARNER] Number of optimization step: 1882
+DEBUG 2025-08-05 14:41:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5303161699149055
+INFO 2025-08-05 14:41:44 /learner.py:612 [LEARNER] Number of optimization step: 1883
+DEBUG 2025-08-05 14:41:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:44 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:45 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:45 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:45 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:41:45 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6314538475698227
+INFO 2025-08-05 14:41:46 /learner.py:612 [LEARNER] Number of optimization step: 1884
+DEBUG 2025-08-05 14:41:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:41:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7109605
+DEBUG 2025-08-05 14:41:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5842289395160118
+INFO 2025-08-05 14:41:47 /learner.py:612 [LEARNER] Number of optimization step: 1885
+DEBUG 2025-08-05 14:41:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6541167688874513
+INFO 2025-08-05 14:41:49 /learner.py:612 [LEARNER] Number of optimization step: 1886
+DEBUG 2025-08-05 14:41:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7899469
+DEBUG 2025-08-05 14:41:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.594223332088631
+INFO 2025-08-05 14:41:51 /learner.py:612 [LEARNER] Number of optimization step: 1887
+DEBUG 2025-08-05 14:41:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5760802022402792
+INFO 2025-08-05 14:41:53 /learner.py:612 [LEARNER] Number of optimization step: 1888
+DEBUG 2025-08-05 14:41:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:53 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:41:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6384013660437327
+INFO 2025-08-05 14:41:54 /learner.py:612 [LEARNER] Number of optimization step: 1889
+DEBUG 2025-08-05 14:41:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:54 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5705784595453035
+INFO 2025-08-05 14:41:56 /learner.py:612 [LEARNER] Number of optimization step: 1890
+DEBUG 2025-08-05 14:41:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:41:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:41:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5251856075762001
+INFO 2025-08-05 14:41:58 /learner.py:612 [LEARNER] Number of optimization step: 1891
+DEBUG 2025-08-05 14:41:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:41:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:41:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:41:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:41:59 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:41:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:41:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 22907141
+DEBUG 2025-08-05 14:41:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:41:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:41:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:41:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6524795064512545
+INFO 2025-08-05 14:42:00 /learner.py:612 [LEARNER] Number of optimization step: 1892
+DEBUG 2025-08-05 14:42:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5942214800040199
+INFO 2025-08-05 14:42:01 /learner.py:612 [LEARNER] Number of optimization step: 1893
+DEBUG 2025-08-05 14:42:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:03 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:03 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:03 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5303719628037494
+INFO 2025-08-05 14:42:03 /learner.py:612 [LEARNER] Number of optimization step: 1894
+DEBUG 2025-08-05 14:42:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:03 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:04 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:42:04 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:04 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:42:04 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.624581129483724
+INFO 2025-08-05 14:42:05 /learner.py:612 [LEARNER] Number of optimization step: 1895
+DEBUG 2025-08-05 14:42:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5641077297242865
+INFO 2025-08-05 14:42:07 /learner.py:612 [LEARNER] Number of optimization step: 1896
+DEBUG 2025-08-05 14:42:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:07 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:42:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:08 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6222293031240472
+INFO 2025-08-05 14:42:08 /learner.py:612 [LEARNER] Number of optimization step: 1897
+DEBUG 2025-08-05 14:42:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5712946209990742
+INFO 2025-08-05 14:42:10 /learner.py:612 [LEARNER] Number of optimization step: 1898
+DEBUG 2025-08-05 14:42:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:11 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:42:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:42:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5616781412618779
+INFO 2025-08-05 14:42:12 /learner.py:612 [LEARNER] Number of optimization step: 1899
+DEBUG 2025-08-05 14:42:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6452022975311226
+INFO 2025-08-05 14:42:14 /learner.py:612 [LEARNER] Number of optimization step: 1900
+DEBUG 2025-08-05 14:42:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 8689333
+DEBUG 2025-08-05 14:42:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6210304089464554
+INFO 2025-08-05 14:42:15 /learner.py:612 [LEARNER] Number of optimization step: 1901
+DEBUG 2025-08-05 14:42:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5615224855308397
+INFO 2025-08-05 14:42:17 /learner.py:612 [LEARNER] Number of optimization step: 1902
+DEBUG 2025-08-05 14:42:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:42:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:42:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5717401447542688
+INFO 2025-08-05 14:42:19 /learner.py:612 [LEARNER] Number of optimization step: 1903
+DEBUG 2025-08-05 14:42:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6149692064716686
+INFO 2025-08-05 14:42:21 /learner.py:612 [LEARNER] Number of optimization step: 1904
+DEBUG 2025-08-05 14:42:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:23 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:42:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:42:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5611010693520383
+INFO 2025-08-05 14:42:23 /learner.py:612 [LEARNER] Number of optimization step: 1905
+DEBUG 2025-08-05 14:42:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6488697809764431
+INFO 2025-08-05 14:42:24 /learner.py:612 [LEARNER] Number of optimization step: 1906
+DEBUG 2025-08-05 14:42:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5587681876462239
+INFO 2025-08-05 14:42:26 /learner.py:612 [LEARNER] Number of optimization step: 1907
+DEBUG 2025-08-05 14:42:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:26 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:42:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6402230265021078
+INFO 2025-08-05 14:42:28 /learner.py:612 [LEARNER] Number of optimization step: 1908
+DEBUG 2025-08-05 14:42:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5714731053242429
+INFO 2025-08-05 14:42:30 /learner.py:612 [LEARNER] Number of optimization step: 1909
+DEBUG 2025-08-05 14:42:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:42:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5481982129694623
+INFO 2025-08-05 14:42:31 /learner.py:612 [LEARNER] Number of optimization step: 1910
+DEBUG 2025-08-05 14:42:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6894643538093311
+INFO 2025-08-05 14:42:33 /learner.py:612 [LEARNER] Number of optimization step: 1911
+DEBUG 2025-08-05 14:42:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5075334329293992
+INFO 2025-08-05 14:42:35 /learner.py:612 [LEARNER] Number of optimization step: 1912
+DEBUG 2025-08-05 14:42:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:35 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:36 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:36 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:36 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:42:36 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:37 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:37 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6303794412838244
+INFO 2025-08-05 14:42:37 /learner.py:612 [LEARNER] Number of optimization step: 1913
+DEBUG 2025-08-05 14:42:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:42:38 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:38 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:38 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:38 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:38 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:38 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:38 ort/utils.py:93 [LEARNER] transitions Received data at step end size 7109605
+DEBUG 2025-08-05 14:42:38 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6225506097242115
+INFO 2025-08-05 14:42:38 /learner.py:612 [LEARNER] Number of optimization step: 1914
+DEBUG 2025-08-05 14:42:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6602614088696972
+INFO 2025-08-05 14:42:40 /learner.py:612 [LEARNER] Number of optimization step: 1915
+DEBUG 2025-08-05 14:42:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5498623736409407
+INFO 2025-08-05 14:42:42 /learner.py:612 [LEARNER] Number of optimization step: 1916
+DEBUG 2025-08-05 14:42:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:42 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:42:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6656297302598746
+INFO 2025-08-05 14:42:43 /learner.py:612 [LEARNER] Number of optimization step: 1917
+DEBUG 2025-08-05 14:42:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5732245366594149
+INFO 2025-08-05 14:42:45 /learner.py:612 [LEARNER] Number of optimization step: 1918
+DEBUG 2025-08-05 14:42:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:42:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6714128513871003
+INFO 2025-08-05 14:42:47 /learner.py:612 [LEARNER] Number of optimization step: 1919
+DEBUG 2025-08-05 14:42:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6048243717417784
+INFO 2025-08-05 14:42:49 /learner.py:612 [LEARNER] Number of optimization step: 1920
+DEBUG 2025-08-05 14:42:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:49 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:49 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:49 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:49 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:42:49 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6729203826636518
+INFO 2025-08-05 14:42:50 /learner.py:612 [LEARNER] Number of optimization step: 1921
+DEBUG 2025-08-05 14:42:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:50 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:50 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:51 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6836711420135794
+INFO 2025-08-05 14:42:52 /learner.py:612 [LEARNER] Number of optimization step: 1922
+DEBUG 2025-08-05 14:42:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.539513960389517
+INFO 2025-08-05 14:42:53 /learner.py:612 [LEARNER] Number of optimization step: 1923
+DEBUG 2025-08-05 14:42:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:42:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:42:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:42:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 17377965
+DEBUG 2025-08-05 14:42:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:42:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.681266654356227
+INFO 2025-08-05 14:42:55 /learner.py:612 [LEARNER] Number of optimization step: 1924
+DEBUG 2025-08-05 14:42:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5369321477493232
+INFO 2025-08-05 14:42:57 /learner.py:612 [LEARNER] Number of optimization step: 1925
+DEBUG 2025-08-05 14:42:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:57 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:57 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:42:58 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:42:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:42:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:42:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5570491758372884
+INFO 2025-08-05 14:42:59 /learner.py:612 [LEARNER] Number of optimization step: 1926
+DEBUG 2025-08-05 14:42:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:42:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:42:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:42:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5467249777339604
+INFO 2025-08-05 14:43:01 /learner.py:612 [LEARNER] Number of optimization step: 1927
+DEBUG 2025-08-05 14:43:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:01 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5634745559616522
+INFO 2025-08-05 14:43:02 /learner.py:612 [LEARNER] Number of optimization step: 1928
+DEBUG 2025-08-05 14:43:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5379143795412187
+INFO 2025-08-05 14:43:04 /learner.py:612 [LEARNER] Number of optimization step: 1929
+DEBUG 2025-08-05 14:43:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5579546335757881
+INFO 2025-08-05 14:43:06 /learner.py:612 [LEARNER] Number of optimization step: 1930
+DEBUG 2025-08-05 14:43:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5254775495272407
+INFO 2025-08-05 14:43:08 /learner.py:612 [LEARNER] Number of optimization step: 1931
+DEBUG 2025-08-05 14:43:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5364069068638158
+INFO 2025-08-05 14:43:10 /learner.py:612 [LEARNER] Number of optimization step: 1932
+DEBUG 2025-08-05 14:43:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:10 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.547441204286473
+INFO 2025-08-05 14:43:12 /learner.py:612 [LEARNER] Number of optimization step: 1933
+DEBUG 2025-08-05 14:43:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:12 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:12 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:13 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:13 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:13 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6858215121290298
+INFO 2025-08-05 14:43:13 /learner.py:612 [LEARNER] Number of optimization step: 1934
+DEBUG 2025-08-05 14:43:13 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:13 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+INFO 2025-08-05 14:43:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:14 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:43:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 45
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:90 [LEARNER] transitions Received data at step 46
+DEBUG 2025-08-05 14:43:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 100316130
+DEBUG 2025-08-05 14:43:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:43:15 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:15 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:15 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5813906646240649
+INFO 2025-08-05 14:43:15 /learner.py:612 [LEARNER] Number of optimization step: 1935
+DEBUG 2025-08-05 14:43:15 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:15 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:15 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:15 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:16 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:17 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:17 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:17 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:17 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:17 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:43:17 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:17 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5545409830389507
+INFO 2025-08-05 14:43:17 /learner.py:612 [LEARNER] Number of optimization step: 1936
+DEBUG 2025-08-05 14:43:17 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:17 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6559523040021195
+INFO 2025-08-05 14:43:19 /learner.py:612 [LEARNER] Number of optimization step: 1937
+DEBUG 2025-08-05 14:43:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:19 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:19 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:20 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:43:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5433628194108931
+INFO 2025-08-05 14:43:21 /learner.py:612 [LEARNER] Number of optimization step: 1938
+DEBUG 2025-08-05 14:43:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:22 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:22 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6488739970415138
+INFO 2025-08-05 14:43:23 /learner.py:612 [LEARNER] Number of optimization step: 1939
+DEBUG 2025-08-05 14:43:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5373356511668718
+INFO 2025-08-05 14:43:24 /learner.py:612 [LEARNER] Number of optimization step: 1940
+DEBUG 2025-08-05 14:43:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:25 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:25 ort/utils.py:93 [LEARNER] transitions Received data at step end size 13428581
+DEBUG 2025-08-05 14:43:25 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:43:25 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:25 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:25 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:25 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:26 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6152439773710303
+INFO 2025-08-05 14:43:26 /learner.py:612 [LEARNER] Number of optimization step: 1941
+DEBUG 2025-08-05 14:43:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:28 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:28 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:28 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:43:28 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:43:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5696439016136758
+INFO 2025-08-05 14:43:28 /learner.py:612 [LEARNER] Number of optimization step: 1942
+DEBUG 2025-08-05 14:43:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:30 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:30 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:30 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6632119104507898
+INFO 2025-08-05 14:43:30 /learner.py:612 [LEARNER] Number of optimization step: 1943
+DEBUG 2025-08-05 14:43:30 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:31 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:31 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:31 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:43:31 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5571740117570662
+INFO 2025-08-05 14:43:31 /learner.py:612 [LEARNER] Number of optimization step: 1944
+DEBUG 2025-08-05 14:43:32 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:32 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:32 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:32 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.67883254397975
+INFO 2025-08-05 14:43:33 /learner.py:612 [LEARNER] Number of optimization step: 1945
+DEBUG 2025-08-05 14:43:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:35 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:35 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:35 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:35 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:35 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:43:35 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:35 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5509788621113134
+INFO 2025-08-05 14:43:35 /learner.py:612 [LEARNER] Number of optimization step: 1946
+DEBUG 2025-08-05 14:43:35 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:35 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:35 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:35 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:36 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:37 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6572487682169288
+INFO 2025-08-05 14:43:37 /learner.py:612 [LEARNER] Number of optimization step: 1947
+DEBUG 2025-08-05 14:43:37 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:37 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:37 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:37 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:38 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5195453301810509
+INFO 2025-08-05 14:43:38 /learner.py:612 [LEARNER] Number of optimization step: 1948
+DEBUG 2025-08-05 14:43:39 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:39 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:39 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:39 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:40 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:40 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:40 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:43:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:43:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.537693712137389
+INFO 2025-08-05 14:43:40 /learner.py:612 [LEARNER] Number of optimization step: 1949
+DEBUG 2025-08-05 14:43:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:40 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:42 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:42 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:42 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6153652938323521
+INFO 2025-08-05 14:43:42 /learner.py:612 [LEARNER] Number of optimization step: 1950
+DEBUG 2025-08-05 14:43:42 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:42 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:42 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:42 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:44 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:44 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:44 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:44 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:44 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:43:44 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:44 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5261762489655761
+INFO 2025-08-05 14:43:44 /learner.py:612 [LEARNER] Number of optimization step: 1951
+DEBUG 2025-08-05 14:43:44 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:44 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:44 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:44 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:46 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6614523894813774
+INFO 2025-08-05 14:43:46 /learner.py:612 [LEARNER] Number of optimization step: 1952
+DEBUG 2025-08-05 14:43:46 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:46 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:46 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:46 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:47 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:47 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:47 ort/utils.py:93 [LEARNER] transitions Received data at step end size 10269125
+DEBUG 2025-08-05 14:43:47 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:43:47 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:47 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5533578959040959
+INFO 2025-08-05 14:43:48 /learner.py:612 [LEARNER] Number of optimization step: 1953
+DEBUG 2025-08-05 14:43:48 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:48 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:48 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:48 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:49 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:49 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:49 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6646470926193656
+INFO 2025-08-05 14:43:49 /learner.py:612 [LEARNER] Number of optimization step: 1954
+DEBUG 2025-08-05 14:43:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:51 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:51 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:43:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:51 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.529005405425531
+INFO 2025-08-05 14:43:51 /learner.py:612 [LEARNER] Number of optimization step: 1955
+DEBUG 2025-08-05 14:43:51 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:51 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:53 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:53 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:53 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6637571497820712
+INFO 2025-08-05 14:43:53 /learner.py:612 [LEARNER] Number of optimization step: 1956
+DEBUG 2025-08-05 14:43:53 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:53 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:53 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:53 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:54 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:54 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:54 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:54 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:43:54 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:43:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.555168924133267
+INFO 2025-08-05 14:43:55 /learner.py:612 [LEARNER] Number of optimization step: 1957
+DEBUG 2025-08-05 14:43:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:56 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:56 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:56 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6327038628562544
+INFO 2025-08-05 14:43:56 /learner.py:612 [LEARNER] Number of optimization step: 1958
+DEBUG 2025-08-05 14:43:56 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:56 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:56 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:56 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:43:57 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:43:58 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:43:58 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:43:58 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5126077202183505
+INFO 2025-08-05 14:43:58 /learner.py:612 [LEARNER] Number of optimization step: 1959
+DEBUG 2025-08-05 14:43:58 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:43:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:43:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:43:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:43:59 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:43:59 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:43:59 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15798237
+DEBUG 2025-08-05 14:43:59 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:43:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:00 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:00 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:00 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6178564964225434
+INFO 2025-08-05 14:44:00 /learner.py:612 [LEARNER] Number of optimization step: 1960
+DEBUG 2025-08-05 14:44:00 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:00 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:00 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:00 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:01 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5385204213021494
+INFO 2025-08-05 14:44:02 /learner.py:612 [LEARNER] Number of optimization step: 1961
+DEBUG 2025-08-05 14:44:02 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:02 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:02 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:02 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:03 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:03 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:03 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:03 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:44:03 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:44:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5713114294191729
+INFO 2025-08-05 14:44:04 /learner.py:612 [LEARNER] Number of optimization step: 1962
+DEBUG 2025-08-05 14:44:04 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:04 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:04 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:04 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:05 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:05 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:05 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:05 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6062047507539278
+INFO 2025-08-05 14:44:05 /learner.py:612 [LEARNER] Number of optimization step: 1963
+DEBUG 2025-08-05 14:44:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:06 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:07 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:07 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:07 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5173719653109582
+INFO 2025-08-05 14:44:07 /learner.py:612 [LEARNER] Number of optimization step: 1964
+DEBUG 2025-08-05 14:44:07 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:07 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:07 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:07 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:08 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:44:08 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:08 ort/utils.py:93 [LEARNER] transitions Received data at step end size 20537485
+DEBUG 2025-08-05 14:44:08 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:09 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:09 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:09 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6307461178772824
+INFO 2025-08-05 14:44:09 /learner.py:612 [LEARNER] Number of optimization step: 1965
+DEBUG 2025-08-05 14:44:09 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:09 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:09 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:09 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:10 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:11 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:11 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:11 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5984635124222635
+INFO 2025-08-05 14:44:11 /learner.py:612 [LEARNER] Number of optimization step: 1966
+DEBUG 2025-08-05 14:44:11 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:11 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:11 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:11 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:12 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:12 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:12 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:44:12 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:12 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:12 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:12 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:12 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6096055767808456
+INFO 2025-08-05 14:44:12 /learner.py:612 [LEARNER] Number of optimization step: 1967
+DEBUG 2025-08-05 14:44:12 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:12 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:13 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:13 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:13 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:14 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:14 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:14 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:14 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5513468632277091
+INFO 2025-08-05 14:44:14 /learner.py:612 [LEARNER] Number of optimization step: 1968
+DEBUG 2025-08-05 14:44:14 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:14 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:14 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:14 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:15 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:15 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:15 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:44:15 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:16 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:16 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:16 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6548872528351727
+INFO 2025-08-05 14:44:16 /learner.py:612 [LEARNER] Number of optimization step: 1969
+DEBUG 2025-08-05 14:44:16 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:16 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:16 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:16 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:18 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:18 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:18 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.601230038033323
+INFO 2025-08-05 14:44:18 /learner.py:612 [LEARNER] Number of optimization step: 1970
+DEBUG 2025-08-05 14:44:18 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:18 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:18 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:18 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:44:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:44:19 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:19 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:19 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5731643770126053
+INFO 2025-08-05 14:44:19 /learner.py:612 [LEARNER] Number of optimization step: 1971
+DEBUG 2025-08-05 14:44:19 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:19 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:20 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:20 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:20 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:21 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:21 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:21 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7092142980742083
+INFO 2025-08-05 14:44:21 /learner.py:612 [LEARNER] Number of optimization step: 1972
+DEBUG 2025-08-05 14:44:21 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:21 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:21 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:21 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:22 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:22 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:22 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:22 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:22 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:22 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:22 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:22 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:23 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:23 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:23 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:44:23 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:44:23 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:23 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:23 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6095591534635352
+INFO 2025-08-05 14:44:23 /learner.py:612 [LEARNER] Number of optimization step: 1973
+DEBUG 2025-08-05 14:44:23 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:23 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:23 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:23 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:24 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:24 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:24 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:24 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7235439555536144
+INFO 2025-08-05 14:44:24 /learner.py:612 [LEARNER] Number of optimization step: 1974
+DEBUG 2025-08-05 14:44:24 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:24 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:24 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:24 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:26 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:26 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:26 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:26 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:26 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:44:26 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:26 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5508912979654611
+INFO 2025-08-05 14:44:26 /learner.py:612 [LEARNER] Number of optimization step: 1975
+DEBUG 2025-08-05 14:44:26 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:26 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:26 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:26 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:28 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:28 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:28 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6316193050298035
+INFO 2025-08-05 14:44:28 /learner.py:612 [LEARNER] Number of optimization step: 1976
+DEBUG 2025-08-05 14:44:28 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:28 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:28 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:28 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:29 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:29 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:29 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:44:29 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:44:29 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:29 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:29 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5680679299348814
+INFO 2025-08-05 14:44:29 /learner.py:612 [LEARNER] Number of optimization step: 1977
+DEBUG 2025-08-05 14:44:29 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:29 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:30 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:30 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:30 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:31 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:31 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:31 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6790351983406321
+INFO 2025-08-05 14:44:31 /learner.py:612 [LEARNER] Number of optimization step: 1978
+DEBUG 2025-08-05 14:44:31 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:31 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:31 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:31 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:32 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:33 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:33 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:33 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:33 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:33 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:44:33 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:33 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5420096137998318
+INFO 2025-08-05 14:44:33 /learner.py:612 [LEARNER] Number of optimization step: 1979
+DEBUG 2025-08-05 14:44:33 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:33 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:33 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:33 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:34 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:34 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:34 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:34 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.7079756431208178
+INFO 2025-08-05 14:44:34 /learner.py:612 [LEARNER] Number of optimization step: 1980
+DEBUG 2025-08-05 14:44:34 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:34 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:34 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:34 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:36 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:36 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:36 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5446879241953531
+INFO 2025-08-05 14:44:36 /learner.py:612 [LEARNER] Number of optimization step: 1981
+DEBUG 2025-08-05 14:44:36 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:36 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:36 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:36 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:37 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:44:37 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:37 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:44:37 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:38 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:38 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:38 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.654690067500308
+INFO 2025-08-05 14:44:38 /learner.py:612 [LEARNER] Number of optimization step: 1982
+DEBUG 2025-08-05 14:44:38 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:38 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:38 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:38 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:39 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:39 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:40 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5815326166462219
+INFO 2025-08-05 14:44:40 /learner.py:612 [LEARNER] Number of optimization step: 1983
+DEBUG 2025-08-05 14:44:40 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:40 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:40 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:40 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:40 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:40 ort/utils.py:93 [LEARNER] transitions Received data at step end size 9479197
+DEBUG 2025-08-05 14:44:40 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:41 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:41 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:41 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6327362194633163
+INFO 2025-08-05 14:44:41 /learner.py:612 [LEARNER] Number of optimization step: 1984
+DEBUG 2025-08-05 14:44:41 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:41 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:41 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:41 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:42 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:43 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:43 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:43 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5612313328031895
+INFO 2025-08-05 14:44:43 /learner.py:612 [LEARNER] Number of optimization step: 1985
+DEBUG 2025-08-05 14:44:43 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:43 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:43 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:43 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:44 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:45 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:45 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:45 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5298972937624655
+INFO 2025-08-05 14:44:45 /learner.py:612 [LEARNER] Number of optimization step: 1986
+DEBUG 2025-08-05 14:44:45 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:45 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:45 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:45 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:44:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:44:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:46 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:46 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:46 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:47 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6266138914999414
+INFO 2025-08-05 14:44:47 /learner.py:612 [LEARNER] Number of optimization step: 1987
+DEBUG 2025-08-05 14:44:47 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:47 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:47 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:47 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:48 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:48 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:48 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:48 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5793683295206487
+INFO 2025-08-05 14:44:48 /learner.py:612 [LEARNER] Number of optimization step: 1988
+DEBUG 2025-08-05 14:44:49 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:49 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:49 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:49 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:50 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:50 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:50 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:50 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5329961575674126
+INFO 2025-08-05 14:44:50 /learner.py:612 [LEARNER] Number of optimization step: 1989
+DEBUG 2025-08-05 14:44:50 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:50 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:51 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:51 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:51 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:51 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:44:51 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:51 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:44:51 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:52 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:52 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:52 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:52 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6495752276833858
+INFO 2025-08-05 14:44:52 /learner.py:612 [LEARNER] Number of optimization step: 1990
+DEBUG 2025-08-05 14:44:52 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:52 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:52 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:52 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:53 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:54 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:54 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:54 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5854733290504582
+INFO 2025-08-05 14:44:54 /learner.py:612 [LEARNER] Number of optimization step: 1991
+DEBUG 2025-08-05 14:44:54 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:54 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:54 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:54 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:55 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:55 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:55 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:44:55 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:55 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:55 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:55 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:55 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6218525440646018
+INFO 2025-08-05 14:44:55 /learner.py:612 [LEARNER] Number of optimization step: 1992
+DEBUG 2025-08-05 14:44:55 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:55 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:55 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:55 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:44:56 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:57 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:57 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:57 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5283066966880469
+INFO 2025-08-05 14:44:57 /learner.py:612 [LEARNER] Number of optimization step: 1993
+DEBUG 2025-08-05 14:44:57 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:57 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:58 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:58 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:44:58 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:44:58 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:44:58 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:44:58 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:44:59 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:44:59 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:44:59 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:44:59 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6065607644737772
+INFO 2025-08-05 14:44:59 /learner.py:612 [LEARNER] Number of optimization step: 1994
+DEBUG 2025-08-05 14:44:59 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:44:59 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:44:59 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:44:59 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:45:00 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:01 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:01 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:01 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5575383313267726
+INFO 2025-08-05 14:45:01 /learner.py:612 [LEARNER] Number of optimization step: 1995
+DEBUG 2025-08-05 14:45:01 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:01 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:01 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:01 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:02 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:02 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:02 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:45:02 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:45:02 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:02 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:02 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:02 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6437935444036821
+INFO 2025-08-05 14:45:02 /learner.py:612 [LEARNER] Number of optimization step: 1996
+DEBUG 2025-08-05 14:45:03 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:03 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:03 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:03 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:45:04 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:04 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:04 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:04 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5458626761249742
+INFO 2025-08-05 14:45:04 /learner.py:612 [LEARNER] Number of optimization step: 1997
+DEBUG 2025-08-05 14:45:05 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:05 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:05 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:05 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:45:06 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:06 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:06 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:06 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5310518074486211
+INFO 2025-08-05 14:45:06 /learner.py:612 [LEARNER] Number of optimization step: 1998
+DEBUG 2025-08-05 14:45:06 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:06 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:06 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:06 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:07 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:45:07 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:07 ort/utils.py:93 [LEARNER] transitions Received data at step end size 19747621
+DEBUG 2025-08-05 14:45:07 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:45:07 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:08 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:08 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:08 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.6826713328991945
+INFO 2025-08-05 14:45:08 /learner.py:612 [LEARNER] Number of optimization step: 1999
+DEBUG 2025-08-05 14:45:08 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:08 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:08 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:08 r_service.py:83 [LEARNER] Parameters sent
+INFO 2025-08-05 14:45:09 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:10 learner.py:1127 [LEARNER] Pushing actor policy to the queue
+DEBUG 2025-08-05 14:45:10 learner.py:1137 [LEARNER] Including discrete critic in state dict push
+INFO 2025-08-05 14:45:10 /learner.py:597 [LEARNER] Optimization frequency loop [Hz]: 0.5345955362542358
+INFO 2025-08-05 14:45:10 /learner.py:612 [LEARNER] Number of optimization step: 2000
+INFO 2025-08-05 14:45:10 /learner.py:735 Checkpoint policy after step 2000
+DEBUG 2025-08-05 14:45:10 ort/utils.py:50 [LEARNER] Sending parameters Buffer size 43.37980937957764 MB with
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 2097152/45487027 bytes with state 1
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 4194304/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 6291456/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 8388608/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 10485760/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 12582912/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 14680064/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 16777216/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 18874368/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 20971520/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 23068672/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 25165824/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 27262976/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 29360128/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 31457280/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 33554432/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 35651584/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 37748736/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 39845888/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 41943040/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 44040192/45487027 bytes with state 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:65 [LEARNER] Sending parameters Sent 45487027/45487027 bytes with state 3
+DEBUG 2025-08-05 14:45:10 ort/utils.py:67 [LEARNER] Sending parameters Published 43.37980937957764 MB
+INFO 2025-08-05 14:45:10 r_service.py:83 [LEARNER] Parameters sent
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:10 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:10 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:10 ort/utils.py:93 [LEARNER] transitions Received data at step end size 14218509
+DEBUG 2025-08-05 14:45:10 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:11 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000000.parquet
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14618
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14615
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14609
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14828
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14449
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14339
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14344
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15522
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15875
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15797
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15947
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15989
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15968
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15951
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15987
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15859
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15953
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15923
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15938
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15879
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15848
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15866
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15979
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15968
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15838
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15639
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15296
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15257
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15362
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15137
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15242
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14922
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15253
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15317
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15560
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15548
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15650
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15694
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15631
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15652
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15668
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15543
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15541
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15470
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15549
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15605
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15591
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15548
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15555
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15609
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15632
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15593
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15630
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15521
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 15673
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5120
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5212
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5622
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5755
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5834
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5574
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6184
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5885
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5825
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5614
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5821
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5484
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5480
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5138
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5974
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5900
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5733
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5546
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6331
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6253
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6484
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6828
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7241
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6807
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6812
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6714
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7028
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7395
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6697
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6784
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7372
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7949
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7768
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7384
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7564
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7298
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7226
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7289
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7068
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5413
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4973
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5011
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5112
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5127
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5220
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5358
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5054
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5274
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4901
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5250
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4984
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5337
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5161
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5066
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5430
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5385
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5186
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4631
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4579
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4888
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5057
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4934
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4481
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5232
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4431
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4339
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4515
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4523
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4293
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 4698
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5331
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 5808
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6201
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6768
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6984
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6981
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7237
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7638
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7028
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6764
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7106
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6735
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6731
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6898
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6753
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6484
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6400
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 6642
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7115
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:11 gePlugin.py:201 STREAM b'IDAT' 41 7283
+INFO 2025-08-05 14:45:11 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:12 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000001.parquet
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14507
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14353
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14057
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14051
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14212
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14099
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14136
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14225
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14285
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14221
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14226
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14290
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14251
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14394
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14359
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14343
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14313
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14333
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14143
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14179
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14119
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14690
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14675
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14669
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15331
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15447
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15637
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15725
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15582
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15752
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15788
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15541
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15696
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15457
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15851
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15912
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15812
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15798
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15729
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15683
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15786
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15766
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15833
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15749
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15787
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15782
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15824
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15681
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15673
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15716
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15784
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15778
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15804
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15736
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15786
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15685
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15750
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15643
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15610
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15608
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5734
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6560
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6433
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6133
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6569
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6367
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6721
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6365
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6017
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5885
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5840
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5834
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6175
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6362
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6536
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6399
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6854
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6770
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7486
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7753
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7811
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 8242
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 8342
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7824
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7655
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7008
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5377
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4818
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4518
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4545
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4515
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4631
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4676
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4598
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4598
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4524
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4661
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4578
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4793
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4835
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4831
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4908
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4865
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4930
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5065
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4993
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5053
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4931
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5032
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5073
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5072
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4925
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4929
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5127
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5057
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5037
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4708
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4655
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4918
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4908
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4961
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4916
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5548
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5266
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5213
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4624
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4975
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5208
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 4425
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5064
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5036
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5240
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5278
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5009
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5262
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5129
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5790
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5887
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5882
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5864
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5688
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5362
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5289
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5658
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5614
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5415
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5705
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5843
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5779
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7460
+DEBUG 2025-08-05 14:45:12 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000002.parquet
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15188
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15307
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15305
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15239
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15412
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14842
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14330
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14398
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14326
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14307
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14243
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14316
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14307
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14789
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15160
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15210
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14953
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14814
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 14358
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5090
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5102
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5214
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5325
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5485
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5531
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5606
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5669
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5754
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6078
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6382
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6522
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6669
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6948
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7093
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7426
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7495
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7485
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7488
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7431
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7402
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7558
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7717
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7709
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7564
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7451
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7411
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7346
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7414
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7479
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7278
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7027
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7036
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7169
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7395
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7442
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7373
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7244
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 7172
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6936
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6078
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6250
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6354
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6321
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6439
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6452
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6184
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6060
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5690
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5481
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5396
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5430
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5532
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5558
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5890
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6027
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6039
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6102
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6310
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6481
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6646
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:12 gePlugin.py:201 STREAM b'IDAT' 41 6629
+DEBUG 2025-08-05 14:45:13 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000003.parquet
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15312
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15375
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15385
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15395
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15302
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15393
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15341
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15411
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15498
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15588
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15639
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15479
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15334
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14329
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15117
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14802
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14623
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14445
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14993
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15200
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15202
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14852
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14401
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14345
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14186
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14110
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13977
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13924
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13939
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13963
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13972
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13955
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13977
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14025
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13971
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13975
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13888
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13928
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14010
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13945
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13893
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13936
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13930
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13928
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13943
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13936
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13930
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13916
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13911
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13891
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13895
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13894
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13965
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13968
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13945
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13880
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 13909
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5444
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5526
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5688
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5873
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6466
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6495
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6183
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6032
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6007
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6030
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6447
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6538
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6658
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6987
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7114
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7073
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6750
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6786
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6618
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6431
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7045
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7181
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7111
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7094
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6705
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6117
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6012
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5610
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5796
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5727
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5535
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5526
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5491
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5554
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6058
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7156
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7241
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7134
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7057
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7379
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7517
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7658
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7747
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7854
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7945
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8024
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8028
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8243
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8335
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8327
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8373
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8535
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8487
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8601
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8624
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8667
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8766
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8735
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8717
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8775
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8733
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8710
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8701
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8664
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8752
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8727
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8647
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8626
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8711
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8754
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8745
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8679
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8808
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8743
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8684
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8700
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8764
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8758
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8764
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8729
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8751
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8837
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8722
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8795
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8664
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 8760
+DEBUG 2025-08-05 14:45:13 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000004.parquet
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14865
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14890
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14927
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14901
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14901
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15098
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15116
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15100
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15229
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15395
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15328
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15328
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15273
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15154
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15014
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6121
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6492
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6563
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6495
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6499
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6525
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6527
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6554
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6541
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6469
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6495
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6496
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6182
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6063
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6008
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5888
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5787
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5787
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5640
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6095
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6071
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6748
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6911
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6932
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6859
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6720
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6786
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6880
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6692
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6230
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5887
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5881
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5824
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5645
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5445
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5295
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5342
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5595
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5470
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5592
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5442
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5355
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5451
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5594
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5773
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5456
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5651
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5602
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5635
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5648
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5516
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5746
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6199
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:13 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000005.parquet
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14396
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14461
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14855
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14925
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14981
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15033
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14909
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14842
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6505
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6657
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6803
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6602
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7010
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7160
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7384
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7820
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7922
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7879
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7838
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7912
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7860
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7654
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7337
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7015
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6796
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6780
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6677
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6504
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6396
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6389
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6321
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6124
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6128
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6186
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5877
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5937
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6058
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6049
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5600
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5678
+INFO 2025-08-05 14:45:13 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5720
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5724
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5750
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5928
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5979
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6060
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6029
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6044
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6375
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6627
+DEBUG 2025-08-05 14:45:13 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000006.parquet
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14370
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14348
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14319
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14939
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14925
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15030
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15061
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15025
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15101
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15116
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 15036
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14827
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5169
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5281
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5336
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5258
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6044
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6638
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6547
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6613
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6879
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7209
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7373
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7210
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 7112
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6781
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6700
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6604
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6749
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6876
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6937
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6935
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6685
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6426
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5940
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5950
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5969
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5845
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5539
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5734
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5791
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5886
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5732
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5573
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5582
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5310
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5440
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5493
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5409
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5475
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5281
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4774
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4414
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4279
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4265
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4344
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4320
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4355
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4605
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4668
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4813
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 4794
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5408
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5433
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6053
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:13 gePlugin.py:201 STREAM b'IDAT' 41 6454
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:14 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:45:14 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:14 ort/utils.py:93 [LEARNER] transitions Received data at step end size 18167893
+DEBUG 2025-08-05 14:45:14 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:14 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000007.parquet
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14564
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14372
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14850
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15137
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15346
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15426
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15455
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15393
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15356
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15425
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15469
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15462
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15430
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15536
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15560
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15635
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15468
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15406
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15513
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15481
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15312
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15350
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15343
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15319
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15224
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15360
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15358
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15317
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15221
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15132
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15199
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15246
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15213
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15316
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15262
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15296
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15371
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15331
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15364
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15286
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15224
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15154
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15217
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15166
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15120
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15103
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15239
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15213
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15234
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5145
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5084
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5284
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5289
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5221
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5275
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5381
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5472
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6143
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6385
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6575
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7033
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7508
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7571
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7894
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8021
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8335
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8665
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8918
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8965
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9080
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9334
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9605
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9636
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9706
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9497
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9398
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9375
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9408
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9274
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 9071
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8774
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8795
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 8415
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7935
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7780
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7480
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7331
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7272
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7169
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 7014
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6890
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6559
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6278
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6110
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6121
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6085
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5954
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6123
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6067
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6164
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5938
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5723
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5693
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5561
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5515
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5459
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6255
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6055
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5916
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5875
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6130
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5739
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5454
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5684
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5782
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5618
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5557
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5442
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5467
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5462
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5229
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4991
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4871
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5366
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5962
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5634
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5766
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5784
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5801
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5643
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5571
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5551
+DEBUG 2025-08-05 14:45:14 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000008.parquet
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14521
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14431
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14332
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14335
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15101
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15165
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15224
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15345
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15361
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15330
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15346
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15368
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15357
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15414
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15435
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15430
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15534
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15481
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15513
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15482
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15460
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15485
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15471
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15472
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15402
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15336
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15401
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15369
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15335
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15402
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15471
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15359
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15503
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15438
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15373
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15484
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15507
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15472
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15404
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15275
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5558
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6255
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6420
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6625
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6660
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6807
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6508
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5820
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5677
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5824
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5960
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6059
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5953
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5879
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5707
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5715
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5417
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5157
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5070
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5060
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5032
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5006
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4946
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4890
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4930
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4870
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4575
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4323
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4372
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4211
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4255
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4205
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4420
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4375
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4179
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4143
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4133
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4387
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4280
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4529
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 4734
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5218
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5260
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5493
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5974
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6002
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6110
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6054
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:14 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000009.parquet
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14432
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14961
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14447
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14443
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14427
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14432
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14539
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14507
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14800
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14865
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14854
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14909
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14859
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14943
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14761
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14274
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 14269
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6067
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6144
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5578
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5624
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5535
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5490
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5445
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5885
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6071
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6088
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6244
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6261
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6267
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6141
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6134
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5991
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5924
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6058
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5801
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5493
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5379
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5239
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5203
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5235
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5226
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5329
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5318
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5237
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5172
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5228
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5330
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5219
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5364
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5671
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5764
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5669
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5765
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 5997
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:14 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:15 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000010.parquet
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14364
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14254
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14169
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14117
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14017
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13985
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13959
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13981
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14137
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14092
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13971
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13930
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13946
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13890
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13912
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 13932
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14205
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14240
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14293
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14269
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14240
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14353
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14292
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14235
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14368
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14396
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14391
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14814
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15055
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15050
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15110
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14981
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14907
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6665
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6966
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7031
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6871
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7261
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7253
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7743
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7955
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8321
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8523
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8914
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9111
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9297
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9235
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9321
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9256
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9175
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9242
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9270
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9271
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9153
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9235
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9291
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9315
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9189
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9171
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 9049
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8808
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8821
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8754
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8834
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8909
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8808
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8895
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8849
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8875
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8898
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8989
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8845
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8814
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8744
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8597
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8565
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8221
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8116
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8158
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8198
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8046
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7855
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7694
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7543
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7229
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7050
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6773
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6656
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6589
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6369
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6074
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6022
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6037
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5735
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5685
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5638
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5437
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5489
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5574
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5505
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5833
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:15 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000011.parquet
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14490
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14305
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14358
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14320
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14373
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14907
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14869
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15060
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15084
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5732
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6394
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6439
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6354
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6979
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7455
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7693
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7897
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8231
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8369
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8434
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8389
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8415
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8528
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8830
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8941
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8899
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8888
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8887
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8615
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8158
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8123
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8189
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8130
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7998
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7708
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7402
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7115
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6646
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6407
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6164
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6070
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5764
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5541
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5625
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5648
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5651
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5522
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5644
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5593
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5702
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5739
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5739
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5444
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 4942
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 4607
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5088
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5095
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5134
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5320
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5616
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5715
+DEBUG 2025-08-05 14:45:15 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000012.parquet
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14373
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14206
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14209
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14197
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14248
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14281
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14281
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14229
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14277
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14359
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15109
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15139
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15166
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15318
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15357
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15342
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15315
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15289
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15244
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15202
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15178
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15263
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 14838
+INFO 2025-08-05 14:45:15 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5289
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5361
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5453
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5404
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5356
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5446
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6124
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6003
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6043
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6380
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6506
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6913
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7284
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7397
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7297
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7370
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7384
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7409
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7408
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7594
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7717
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7820
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7958
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8002
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8109
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8250
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 8141
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7779
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7768
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7632
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7310
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 7171
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6791
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6667
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6665
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6530
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6482
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6250
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5690
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5472
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5479
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5269
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5196
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5210
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5295
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5365
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5407
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5397
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5402
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5427
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 5733
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:15 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:16 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000013.parquet
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14667
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14789
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15331
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15399
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14175
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 13978
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14012
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14073
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14154
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14196
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14247
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14299
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14276
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14315
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14341
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14391
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14783
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14655
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14862
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14859
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14256
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5619
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5795
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5222
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6211
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6939
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7109
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7506
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7584
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7791
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8445
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8700
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8923
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9038
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9188
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9414
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9638
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9859
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9820
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9945
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9901
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10080
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10199
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10160
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10176
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10122
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10077
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10100
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10085
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10044
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10144
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10116
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9995
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10092
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10126
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10041
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10094
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10092
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10100
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10138
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10334
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10625
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10700
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10643
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10647
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10360
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10234
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 10092
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9844
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9701
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9582
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9436
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9232
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 9163
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8905
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8778
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8463
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8281
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8015
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7798
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7009
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6878
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6733
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6730
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6758
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5673
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5448
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5334
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5346
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5453
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5377
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5213
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5187
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4866
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4912
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4993
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4961
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5019
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4922
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4964
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4979
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5185
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5445
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5619
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6374
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6485
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6457
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6317
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6305
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6358
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6520
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6529
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6737
+DEBUG 2025-08-05 14:45:16 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000014.parquet
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14474
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14271
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14225
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14244
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14474
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14602
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14383
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14504
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14822
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14308
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5311
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5237
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5120
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5039
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5777
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6006
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5977
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6510
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6396
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6676
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6701
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6673
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7154
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7236
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7394
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7763
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8176
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8231
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8541
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8650
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8824
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8903
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8892
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8935
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8881
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8940
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8725
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8636
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8405
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 8153
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7897
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7894
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7792
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7515
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 7075
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6676
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6313
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5964
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5654
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5467
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5265
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5316
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5762
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5597
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5483
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5354
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5244
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5163
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5250
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6379
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6457
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6555
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6594
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6596
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6589
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6506
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6380
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6329
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6178
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6176
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6329
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6477
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6467
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:16 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:16 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:16 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11058989
+DEBUG 2025-08-05 14:45:16 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:16 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000015.parquet
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14828
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15109
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15223
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15152
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15193
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15347
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15463
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15387
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15455
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15473
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15446
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15517
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15429
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15418
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15330
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15448
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15418
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15275
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15100
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5487
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6049
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6071
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6457
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6526
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6555
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6463
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6681
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6769
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6578
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6522
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6502
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6371
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 6154
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5962
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5703
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5462
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5454
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5215
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5098
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5006
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4911
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4773
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4636
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4551
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4442
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4456
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4398
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4913
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4830
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4866
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4741
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4796
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4772
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4748
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4749
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4802
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5068
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5170
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5119
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5137
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5334
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5335
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5272
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5325
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5063
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4874
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4700
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4663
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 4830
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5160
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5095
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5095
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5242
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5332
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 5280
+DEBUG 2025-08-05 14:45:16 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000016.parquet
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14650
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14659
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14855
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15110
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15256
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15318
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15407
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15472
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15570
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15599
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15712
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15613
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15640
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15578
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15606
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15493
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15394
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15418
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15456
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15376
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15433
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15322
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15221
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15192
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15211
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15248
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15269
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15177
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15215
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14866
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15099
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15223
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:16 gePlugin.py:201 STREAM b'IDAT' 41 15218
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15310
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15281
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15274
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14990
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14890
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5191
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5336
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5774
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5414
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5754
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5800
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5738
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5695
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5737
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6265
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6586
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6452
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7143
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7534
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7792
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8041
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8201
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8561
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8876
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8996
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9297
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9333
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9378
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9422
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9367
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9020
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9026
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8929
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9029
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9006
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8954
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8844
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8455
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8355
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8314
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8279
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8226
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8155
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8158
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8159
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8136
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8164
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7910
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7878
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7893
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7714
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7505
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7356
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7439
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7315
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7232
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7220
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6967
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6994
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6559
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6343
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6007
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5565
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5477
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5512
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5326
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5418
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5478
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5512
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5460
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5326
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5292
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5225
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5301
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5166
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5208
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5362
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5547
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5556
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5541
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5553
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5795
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:17 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000017.parquet
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14667
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14690
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14856
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14918
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15066
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15184
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15354
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15193
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14961
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5247
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5944
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5862
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6019
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6172
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6441
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6584
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6938
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7199
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7270
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7423
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7721
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8045
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8215
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8223
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8083
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7886
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7815
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7706
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7602
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7425
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7517
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7627
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7749
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7570
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7527
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7478
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7311
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7110
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6574
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6160
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5960
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5573
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5370
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5165
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5294
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5173
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5288
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5331
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5448
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5405
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5376
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5429
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5603
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6100
+DEBUG 2025-08-05 14:45:17 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000018.parquet
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14732
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14571
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14562
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14860
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14861
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15066
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15030
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15078
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14214
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5170
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5157
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5502
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6018
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5916
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5884
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6492
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6602
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6910
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7251
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7756
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7943
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8255
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8387
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8758
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8899
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9081
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9112
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9006
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9071
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8882
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8991
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9092
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9083
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9088
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9069
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9061
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9068
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9094
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 9035
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8860
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8600
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 8373
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7753
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7070
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6966
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6966
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6834
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6970
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6815
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6660
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6107
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5570
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5503
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5429
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5370
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5415
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5358
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5480
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5550
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5425
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5863
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6202
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6777
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6878
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6739
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6790
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6756
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6685
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6251
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6438
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6504
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6468
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5875
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5890
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6765
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6818
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6700
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6461
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6194
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6250
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6404
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6400
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6406
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6910
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6947
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7090
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7141
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 7420
+INFO 2025-08-05 14:45:17 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:17 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000019.parquet
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14750
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15033
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15036
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15192
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 15053
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14281
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 14089
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5022
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5112
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5316
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5620
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5631
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6001
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6671
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6775
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6642
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6598
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6637
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6624
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6489
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6138
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5754
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5721
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5572
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5575
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5568
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5343
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5332
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5384
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5389
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5382
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5396
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5323
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5489
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5059
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 4928
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5081
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6007
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6008
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:17 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:18 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000020.parquet
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14895
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15151
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15277
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15165
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15232
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15399
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15342
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14602
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14322
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14419
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14852
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14285
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14277
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14296
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14234
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14248
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14206
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14256
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14403
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14372
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14307
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15107
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5343
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5258
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5370
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5554
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5489
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5589
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5481
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5660
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5967
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6069
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5564
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5974
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5839
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6860
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7305
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7435
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7620
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7776
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7964
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7837
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7843
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7781
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7675
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7621
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7521
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7489
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7587
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7718
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7641
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7444
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7438
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7029
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6906
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6997
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7132
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7026
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6636
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6264
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6201
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6190
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6128
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6265
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5886
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5746
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5071
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5124
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5190
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5205
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5654
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6219
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6909
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6861
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7110
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7185
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7181
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7280
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7382
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7290
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7211
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7251
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6930
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7012
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6910
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6873
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6695
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6565
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6433
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6397
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5873
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5766
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5449
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5631
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5628
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5314
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5082
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5003
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5433
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5540
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5565
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5960
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:18 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000021.parquet
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14490
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14377
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14367
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14480
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14361
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14367
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14247
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14179
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14059
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14053
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 13952
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14003
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 13957
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 13948
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14036
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14092
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14093
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14098
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14180
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14171
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14179
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14181
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14226
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14178
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14275
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14348
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14371
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14394
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14357
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14289
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14379
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14813
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14828
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14850
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14350
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14228
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5146
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5550
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6085
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6463
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6639
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6834
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6908
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6833
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6973
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7052
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7227
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7472
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7226
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7281
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7406
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7578
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7848
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7944
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7866
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8055
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7952
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8070
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8199
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8304
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8423
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8377
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8615
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8653
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8590
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8618
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8513
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8339
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8447
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8293
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8306
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8336
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8167
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 8022
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7756
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7638
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7458
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7239
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7239
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7033
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6837
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6586
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6773
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6662
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6473
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6236
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6153
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6063
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5935
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6305
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6280
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5849
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5772
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5687
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5442
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5434
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5432
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5412
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5582
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5629
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5795
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:18 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000022.parquet
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14892
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14690
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14363
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14174
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14194
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14194
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14296
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14254
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14283
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14233
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14307
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14754
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14758
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14822
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14955
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15120
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15169
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15188
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15136
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14923
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6143
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6340
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6644
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6239
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6384
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6166
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5924
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6582
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7026
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7014
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6745
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6736
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6670
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6710
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6816
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6830
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6765
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6994
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7019
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 7083
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6745
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6552
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6488
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6496
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6525
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6502
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6448
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6501
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6470
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5800
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5663
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5484
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5682
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5791
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5793
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5809
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5265
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5108
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5271
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5293
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 5933
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6164
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6113
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6226
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:18 gePlugin.py:201 STREAM b'IDAT' 41 6476
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:19 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:19 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:19 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:45:19 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:19 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000023.parquet
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14986
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15153
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14461
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14323
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15098
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15078
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15289
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15268
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15365
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15294
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15294
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15355
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15219
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15263
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15192
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15154
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15172
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15326
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15515
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15407
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15301
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15337
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15410
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15401
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15397
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15350
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15417
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15352
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15356
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15375
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14892
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14889
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14490
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14359
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14300
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14361
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15246
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15454
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15566
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15541
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15568
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5152
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5194
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5798
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5552
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6299
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6026
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6687
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6793
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6601
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6297
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6097
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5639
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5711
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5457
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5415
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5569
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6528
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6088
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6117
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5611
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5456
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5485
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5873
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6601
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6137
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6277
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6268
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6216
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5947
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6041
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6424
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6552
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6987
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6589
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7055
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6896
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6979
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7099
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6721
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6574
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7133
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6840
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6707
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6781
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6749
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7028
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7530
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7902
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8123
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8322
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8419
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8647
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8222
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7827
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8326
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8365
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8121
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8202
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8670
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8848
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9131
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9380
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9476
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9369
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9061
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8996
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9140
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9399
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9350
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9313
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9313
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9700
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9595
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9636
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9122
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9130
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9274
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9173
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9187
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 9151
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8686
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8558
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8344
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8155
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7674
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7586
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7138
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7245
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7619
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 7873
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8072
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 8023
+INFO 2025-08-05 14:45:19 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:19 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000024.parquet
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14813
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15000
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14618
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14654
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14482
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14480
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14298
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14195
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14164
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5505
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5505
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5255
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5357
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5706
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6471
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6628
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6572
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6310
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6499
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6423
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6324
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6268
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6076
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6055
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5919
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5968
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5956
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6057
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5871
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5769
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5486
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5638
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5469
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5096
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5249
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5702
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5731
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5631
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5610
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6423
+DEBUG 2025-08-05 14:45:19 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000025.parquet
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14427
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14659
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14623
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14880
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14826
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14901
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14959
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14952
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 14257
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5116
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5291
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5576
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6241
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6650
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6804
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6839
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6571
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6194
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6032
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5923
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5905
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5763
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5443
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5225
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5304
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5620
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5531
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5648
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5608
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 5911
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6262
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:19 gePlugin.py:201 STREAM b'IDAT' 41 6456
+DEBUG 2025-08-05 14:45:20 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000026.parquet
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14331
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14862
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14902
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14615
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15025
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15149
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15121
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15201
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15193
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14754
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15036
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15061
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14955
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5100
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5262
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5286
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5750
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5735
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5803
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5875
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5910
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5948
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6004
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6246
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6428
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6398
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5942
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5926
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5980
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5867
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5707
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5573
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5741
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5966
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6794
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7072
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7528
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7926
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 8071
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7979
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7882
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7755
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7647
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7536
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7570
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7350
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6858
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6498
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6434
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6494
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6515
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6424
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5777
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5601
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5511
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5148
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5003
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5121
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5126
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5682
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6521
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6461
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6423
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6310
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6304
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6397
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6321
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6299
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6592
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6755
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6656
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6810
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6944
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6899
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7059
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7340
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7250
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7174
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 7089
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6805
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6657
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6181
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6123
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6261
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6488
+DEBUG 2025-08-05 14:45:20 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000027.parquet
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14655
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14869
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14927
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14732
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14685
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14690
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14769
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5463
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5407
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5296
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6056
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6646
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6888
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6898
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6911
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6751
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6689
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6387
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6172
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5594
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5597
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5697
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5651
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5842
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5733
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5918
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5920
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5598
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5324
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5514
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5423
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5527
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5863
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5824
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5919
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6168
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6196
+DEBUG 2025-08-05 14:45:20 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000028.parquet
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14482
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15094
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15050
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15136
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15141
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15166
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5259
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5188
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5196
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5280
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5380
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5551
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6463
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5906
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6176
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6188
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5990
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6052
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5876
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5816
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5723
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5581
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5616
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5370
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5279
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5456
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5536
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5825
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6217
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:20 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000029.parquet
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14661
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14732
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15044
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15132
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15222
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15169
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14961
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5161
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5343
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5468
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5598
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5814
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5811
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5922
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6005
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5826
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5947
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5970
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6021
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5969
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5927
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5540
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5348
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5060
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 4847
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 4870
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 4641
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 4973
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 4999
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5227
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5583
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:20 gePlugin.py:201 STREAM b'IDAT' 41 6158
+DEBUG 2025-08-05 14:45:21 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000030.parquet
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14773
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14925
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14865
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14869
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14996
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15053
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14923
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14862
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14691
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14990
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14447
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15042
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15034
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15142
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5203
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5327
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5499
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5752
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5657
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5929
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6567
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6747
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6994
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7125
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7502
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7640
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7586
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7572
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7490
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7587
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7608
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7442
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7078
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6662
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6527
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6494
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6384
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6175
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5768
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5521
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5681
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6819
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7078
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7312
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7193
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7387
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7171
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7082
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6595
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5646
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5770
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5739
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5462
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5977
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6206
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6374
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6579
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6630
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6533
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6589
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6561
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6659
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6253
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6226
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6230
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6380
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6473
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6432
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6295
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6289
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6299
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6358
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6303
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5962
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5751
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5744
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5485
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5220
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5161
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5113
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5158
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5060
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5372
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6445
+DEBUG 2025-08-05 14:45:21 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000031.parquet
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14602
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14870
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14869
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14890
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14571
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5463
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5425
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5863
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6304
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6738
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6741
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6530
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6476
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6018
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5940
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6061
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5877
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6111
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6096
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6028
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5876
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6204
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6368
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6358
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6476
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6184
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6319
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6474
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6481
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6438
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6102
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6236
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6037
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5986
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7273
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7730
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7623
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7058
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7037
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6826
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6852
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6903
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6899
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6970
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7134
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7200
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7051
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7135
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7149
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7198
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7065
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6953
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6947
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7032
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6982
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6986
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6951
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7014
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7080
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7170
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7165
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7146
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7917
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7654
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7538
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7479
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7475
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7375
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7261
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7320
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7438
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7223
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7192
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7194
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7113
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7034
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6653
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6719
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6929
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7025
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:21 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:21 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:21 ort/utils.py:93 [LEARNER] transitions Received data at step end size 12638717
+DEBUG 2025-08-05 14:45:21 rt/utils.py:104 [LEARNER] transitions Queue updated
+INFO 2025-08-05 14:45:21 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:21 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000032.parquet
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14571
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14892
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15160
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15280
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15239
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15295
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15232
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15193
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15336
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15477
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15585
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15674
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15646
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15696
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15714
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15660
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15569
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15450
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15301
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15531
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15437
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15434
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15375
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15303
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15321
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15188
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14394
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14312
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14247
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14669
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14754
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14256
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 14264
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5193
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5185
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5297
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5185
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5204
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5922
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5862
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5736
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6273
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6484
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6616
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6651
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6417
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6128
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5788
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5712
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6361
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6430
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6586
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6571
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6398
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6423
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6761
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6664
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6729
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6974
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6957
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7079
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6747
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6692
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6750
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6453
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6282
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6293
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5999
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5948
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6108
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6755
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6657
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6676
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6815
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6955
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6629
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6485
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6548
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6579
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6573
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6562
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6147
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6114
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 5983
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6132
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6177
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6111
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6160
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6260
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7682
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7522
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7370
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7282
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7268
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7125
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7073
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7052
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6947
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7297
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6733
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6806
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7110
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7359
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7346
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7046
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6951
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 7081
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6926
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6627
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6505
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6776
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6843
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:21 gePlugin.py:201 STREAM b'IDAT' 41 6956
+DEBUG 2025-08-05 14:45:22 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000033.parquet
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14602
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14866
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14826
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15120
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15211
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15351
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15209
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15283
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15172
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15234
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15330
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15387
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15122
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5807
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5879
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5874
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5850
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6105
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6491
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6407
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6247
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5789
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4941
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4882
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4913
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5157
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5067
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5231
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5736
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5992
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5967
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6105
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6177
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6200
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6259
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6369
+DEBUG 2025-08-05 14:45:22 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000034.parquet
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15157
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15219
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15205
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15332
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15344
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15386
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15268
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5105
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5074
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5162
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5127
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5390
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5195
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5440
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5402
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5400
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5340
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5212
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5138
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5477
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5264
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5168
+DEBUG 2025-08-05 14:45:22 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000035.parquet
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15291
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15385
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15192
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15244
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15342
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15334
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15340
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15245
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15297
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15353
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15373
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15441
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15516
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15618
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15670
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15670
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15671
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15670
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15803
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15832
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15728
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15803
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15929
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15997
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15764
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15673
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15706
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15504
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15492
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15341
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15361
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15369
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15427
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15399
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15454
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15312
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15128
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15111
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15116
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14994
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14994
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15037
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15060
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15111
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15060
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15044
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14946
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15069
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14994
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14929
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5394
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5345
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6279
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6297
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6776
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6508
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6703
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6855
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6259
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6134
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6092
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5655
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5763
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5431
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5530
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5644
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5562
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5776
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5687
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5692
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4921
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5010
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4977
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4726
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4902
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4654
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4858
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4954
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4744
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4486
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4796
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5021
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4781
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4861
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4757
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4876
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4750
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4611
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4758
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4683
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4481
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4476
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4610
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4661
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4770
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4556
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4584
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4443
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4373
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4471
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4503
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4433
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4567
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4437
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4421
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4334
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4245
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4422
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4436
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4250
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4231
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4354
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4450
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4307
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4350
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4383
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4534
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4474
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4379
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4429
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4377
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4545
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4449
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4348
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4434
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4305
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4490
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4384
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4496
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4562
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4446
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4359
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4243
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4398
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4316
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4293
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4301
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4300
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4226
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4280
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4349
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4457
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4475
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4246
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4337
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4491
+DEBUG 2025-08-05 14:45:22 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000036.parquet
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14482
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14685
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14480
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14384
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14953
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15027
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15098
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15320
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15255
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15346
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15333
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15358
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15275
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15210
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14889
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5484
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5747
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6047
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6150
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6526
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6461
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6628
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6538
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6317
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6164
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6189
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6179
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6073
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6388
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6510
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6764
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6643
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6374
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6012
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5992
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6529
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6523
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6202
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5923
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5871
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5838
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5705
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5513
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5568
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5489
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5331
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5259
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4884
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4627
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4509
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4500
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4750
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4774
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4700
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4677
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4699
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4719
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 4474
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5186
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5512
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5797
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:22 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:23 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000037.parquet
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14379
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14425
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14308
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14390
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14322
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14314
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14304
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14667
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14691
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14482
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5336
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5950
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6028
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6142
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6055
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6675
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7057
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7165
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7062
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6950
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6650
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6555
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6559
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6678
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6749
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6706
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6598
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6502
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6273
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6150
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6521
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6666
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7062
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7246
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7155
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7210
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6965
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6976
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6486
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6599
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6752
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6762
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6636
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6612
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6794
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6944
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7044
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6753
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6337
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6298
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6316
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6336
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6211
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6019
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5968
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6041
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6651
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6980
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7120
+DEBUG 2025-08-05 14:45:23 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000038.parquet
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15120
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15151
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14866
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14961
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15084
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15079
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15377
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15340
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15333
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15383
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15337
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14907
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14661
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14953
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15144
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15308
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15338
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15085
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15336
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15351
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15435
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14809
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5401
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5462
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6118
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5535
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5589
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5464
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5541
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5940
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6134
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5587
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5532
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5469
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5443
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5395
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5145
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5966
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6027
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5709
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5937
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5964
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6013
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5907
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6092
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5991
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5902
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5768
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6126
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5968
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5802
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5744
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6327
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6312
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6162
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6070
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6103
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5800
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5530
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5476
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5561
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5703
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5695
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6020
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6259
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6485
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6902
+INFO 2025-08-05 14:45:23 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6816
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6884
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6897
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6861
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6854
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6862
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6656
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6761
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6320
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5713
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5687
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5573
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5209
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5043
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5486
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 7037
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6721
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6146
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5805
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5700
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5378
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5326
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5251
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5350
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6043
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6222
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6160
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5935
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5924
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5707
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5620
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5474
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5308
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5716
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5997
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6125
+DEBUG 2025-08-05 14:45:23 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000039.parquet
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15132
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 15230
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5103
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5178
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5252
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5264
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5338
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5314
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5455
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5470
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6125
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5547
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5529
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 5844
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6002
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6061
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:23 gePlugin.py:201 STREAM b'IDAT' 41 6246
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:24 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:24 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:24 ort/utils.py:93 [LEARNER] transitions Received data at step end size 11848853
+DEBUG 2025-08-05 14:45:24 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:24 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000040.parquet
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14452
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14842
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14827
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14654
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15120
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14360
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14313
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14993
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15100
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15286
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15492
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15676
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15685
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15627
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15686
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15647
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15560
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15603
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15470
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15486
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15440
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15605
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15768
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15828
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15778
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15783
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15781
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15536
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15306
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14878
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14952
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15221
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15308
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15329
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15352
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15349
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15291
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15296
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15343
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15353
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15333
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15336
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15384
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15360
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15307
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15302
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6114
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6147
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6261
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6057
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5995
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6164
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5920
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5833
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5636
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5804
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6326
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6389
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6384
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6323
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6317
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6524
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6571
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6532
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7433
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7544
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7228
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7084
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6923
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6461
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6199
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6622
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6459
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6496
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6686
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6499
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6298
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5797
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5716
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5374
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5000
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4843
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4811
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4993
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5212
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4563
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4591
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4656
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4666
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4677
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4435
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4414
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4561
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4680
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4596
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 4707
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5018
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5559
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6528
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7275
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7300
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6986
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6829
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6591
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6389
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6371
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6369
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6590
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6467
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6176
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5618
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5490
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5255
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5182
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5178
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5032
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5124
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5101
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5247
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5265
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5225
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5284
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5310
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5701
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5650
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5549
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5556
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5288
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5430
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5967
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6265
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6291
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6310
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6645
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6848
+DEBUG 2025-08-05 14:45:24 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000041.parquet
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15156
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15199
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15372
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15342
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15172
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15300
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15330
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15450
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15530
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15616
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15540
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15525
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15496
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15484
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15566
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15528
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15462
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15319
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15078
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14443
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14372
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14732
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15053
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14943
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14959
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15168
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14959
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14800
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15265
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15388
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15306
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 15100
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5700
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5733
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5731
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5771
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6171
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6365
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6661
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6893
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6872
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6797
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6934
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6778
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6934
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7350
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7436
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7513
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7572
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7684
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7905
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8010
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8217
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8260
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8162
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8108
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8092
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8089
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7989
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7800
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7899
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7864
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7741
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7761
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7736
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7782
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7860
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7891
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8048
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8158
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8165
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8352
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8180
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8061
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8017
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 8072
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7714
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 7262
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6930
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6587
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5616
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5611
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5368
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5549
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5853
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5929
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6497
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6556
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6605
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6365
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6189
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5959
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6460
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6342
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6409
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6141
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6139
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6080
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6035
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6388
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6564
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6648
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6430
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6188
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6146
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6025
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6016
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5555
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5573
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5827
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 5950
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6495
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:24 gePlugin.py:201 STREAM b'IDAT' 41 6759
+DEBUG 2025-08-05 14:45:25 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000042.parquet
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14539
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14784
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14773
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14363
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14289
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14268
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14491
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14803
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14754
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15069
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14615
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5844
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6419
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6575
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6718
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6508
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6250
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6132
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6159
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6506
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6697
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6779
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6719
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6695
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6583
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6866
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6914
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6979
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6926
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6313
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6327
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6068
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5926
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5798
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5795
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6151
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6466
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6729
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6821
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6753
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6731
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6592
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6286
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6411
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6189
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6330
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6480
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6510
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6537
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6312
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5811
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5768
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5764
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5931
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6310
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6532
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6625
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6633
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6589
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7240
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7295
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7467
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7568
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7646
+INFO 2025-08-05 14:45:25 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:25 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000043.parquet
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15133
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15178
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15283
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15458
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15541
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15635
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15565
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15646
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15544
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15327
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15467
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14981
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15453
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15617
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15575
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15566
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15698
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15651
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15783
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15829
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15800
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15833
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15740
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15513
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14745
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14333
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14391
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14435
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14262
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14271
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14313
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14325
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14490
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15034
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14447
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5537
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6700
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6697
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6650
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5955
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6219
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6471
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6883
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6969
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7389
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8244
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8196
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8199
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8396
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8670
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8796
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8576
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8554
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8428
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8214
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8356
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8063
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8127
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8409
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7899
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7757
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7950
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7759
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7446
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7974
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8603
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8757
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8571
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8521
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8666
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8427
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8458
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8325
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8220
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8575
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8463
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8617
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 8007
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7834
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7667
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7463
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7211
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7041
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6791
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6848
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6261
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6107
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7042
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7273
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6987
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6851
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6172
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5681
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5623
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6652
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5726
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6856
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6991
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6991
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6907
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7109
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 7268
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6794
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6048
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6324
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6661
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6514
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6466
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6294
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5793
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6549
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6168
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5279
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 4867
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 4885
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 4988
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 4979
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6039
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6243
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6818
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 6669
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:25 gePlugin.py:201 STREAM b'IDAT' 41 5709
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000044.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14609
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14452
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14345
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14370
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14361
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14331
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14383
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14808
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14449
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14504
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14503
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14272
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14346
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5391
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5559
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6348
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6271
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6285
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6410
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6769
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6898
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6821
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6295
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6351
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6230
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6300
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6181
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6267
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6095
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5981
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5809
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5800
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5755
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5833
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5789
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5774
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5668
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5888
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6060
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5777
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5754
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6064
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5694
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5902
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5922
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6233
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6223
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6921
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6862
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6839
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6861
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 7102
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 7347
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 7596
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 7719
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000045.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14543
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14562
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15027
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5202
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5373
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6289
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6275
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6222
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6168
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5838
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5597
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5263
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4934
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4796
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4885
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5125
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5148
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5257
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000046.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14800
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14750
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14789
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14386
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14131
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5100
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5254
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5377
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5460
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6017
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6399
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6350
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6303
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6252
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6352
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6058
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6059
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5920
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6076
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6326
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6251
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5264
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4951
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4971
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5000
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5385
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000047.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14452
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14789
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14827
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14316
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6025
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6061
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6044
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6037
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6152
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6045
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5876
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5741
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5615
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5537
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5439
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5252
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5184
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4772
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4683
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4735
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4881
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4805
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5071
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000048.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15014
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14889
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14452
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14218
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5152
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5433
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6142
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6485
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6348
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6408
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6334
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6404
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6400
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6311
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6312
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6158
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6156
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5881
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5253
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5087
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5064
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4975
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4957
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5447
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5814
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5840
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000049.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15169
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15247
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15260
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15228
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15348
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15255
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15334
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15287
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15341
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15273
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15213
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15287
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5226
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5265
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5295
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4937
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5159
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5181
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5528
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5509
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5345
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5277
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5670
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5480
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5693
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5313
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5439
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5650
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5540
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5443
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5521
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5431
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5191
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5236
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5501
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5619
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5611
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5625
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5397
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5315
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5295
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5311
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5043
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4728
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4750
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4787
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4920
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4709
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 4813
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5116
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5391
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5519
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:26 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000050.parquet
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14474
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14675
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14909
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14922
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14976
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:26 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5798
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6177
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6097
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5848
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5982
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5461
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5477
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5650
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5554
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5771
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5859
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5932
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5946
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6008
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6004
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6013
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5934
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6031
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6024
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6138
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6420
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6701
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6517
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6490
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6483
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6279
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6323
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6104
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6046
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5925
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6599
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 7024
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 7093
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 7352
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 7380
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 7456
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:27 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:27 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:27 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:45:27 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:27 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000051.parquet
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14490
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14865
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14976
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15066
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15128
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15144
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14909
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14860
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14675
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6076
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6431
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6734
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6930
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6863
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6715
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6707
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6814
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6834
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6714
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6605
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6434
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6246
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6163
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6188
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6007
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5577
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5599
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5682
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5615
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5611
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6026
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5870
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5914
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5860
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5902
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5819
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6224
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6266
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5954
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5788
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5822
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5811
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5746
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6204
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6259
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6203
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6132
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6151
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6476
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6485
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6478
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6679
+DEBUG 2025-08-05 14:45:27 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000052.parquet
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14802
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14789
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14996
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14996
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15060
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15014
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15151
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15175
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15144
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15244
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15280
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15239
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15042
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15078
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15103
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5269
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5655
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5504
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5716
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6132
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6381
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6222
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6171
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6155
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5994
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5602
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5257
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5189
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5267
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5310
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5053
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5058
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5065
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5188
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5237
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5195
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5093
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5093
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5134
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5154
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5190
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5227
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5108
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5090
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4901
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4967
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4900
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4920
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4879
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4848
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4969
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 4973
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5539
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5530
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5519
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5500
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5497
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5421
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5702
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5693
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5591
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5431
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5326
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5351
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5323
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5518
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5846
+INFO 2025-08-05 14:45:27 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:27 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000053.parquet
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14922
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15036
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14981
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15110
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15162
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15133
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15151
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15230
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15168
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15296
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15218
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5038
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5170
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5094
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5127
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5095
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5094
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5064
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5155
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5270
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5380
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5453
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5437
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5479
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5532
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5638
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5668
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6181
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5931
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5814
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5900
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5843
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5817
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5838
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5518
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5543
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5423
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5770
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5599
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6205
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6158
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6131
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6011
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6490
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6608
+DEBUG 2025-08-05 14:45:27 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000054.parquet
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14661
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15103
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15088
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15263
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15184
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15320
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15213
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15193
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15165
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15300
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15268
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15269
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15291
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15355
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15210
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15246
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15349
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15273
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15156
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15295
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5515
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5713
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5866
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6084
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5904
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6154
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6270
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6343
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5958
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5880
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5904
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5890
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:27 gePlugin.py:201 STREAM b'IDAT' 41 5406
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5288
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5204
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6205
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6577
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6676
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6796
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6851
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6460
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6486
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6115
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6210
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6386
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6232
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5958
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5810
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5748
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5628
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5477
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5245
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5058
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5394
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5571
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6105
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6135
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6081
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5570
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5357
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5158
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5285
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5391
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5660
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5853
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:28 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000055.parquet
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14892
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14981
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14745
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14948
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14927
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14402
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14290
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5347
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5502
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5628
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6131
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6554
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6332
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6006
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5953
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5843
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5867
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5697
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5764
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5701
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5678
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5630
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5436
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5113
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 4972
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5001
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5106
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5193
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5629
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5757
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6097
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:28 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000056.parquet
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14859
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14923
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14889
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14361
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14218
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5290
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5706
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5958
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6359
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6591
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6623
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6532
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6406
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6318
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5751
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5534
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5696
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5652
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5767
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5776
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5822
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5793
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5822
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5765
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6055
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5994
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6028
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6287
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6480
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:28 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000057.parquet
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15176
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15079
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15139
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15335
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15377
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15370
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15370
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15334
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15384
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15288
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15351
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15399
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15378
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15357
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15413
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15366
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15323
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15318
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15361
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15409
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15331
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15308
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15139
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5112
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5620
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5496
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5481
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5880
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5679
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5870
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5980
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5723
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5679
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5506
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5270
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5834
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6028
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6270
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6165
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6205
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6244
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6332
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6505
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6417
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6114
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5975
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5870
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5845
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5714
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5553
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5638
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5645
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5674
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5531
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5352
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5390
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5248
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5517
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5475
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5636
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6636
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6549
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6664
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6933
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 7094
+DEBUG 2025-08-05 14:45:28 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000058.parquet
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14826
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14866
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15269
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15268
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15326
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15297
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15321
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15265
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15295
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15141
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15258
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15186
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15103
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6232
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5885
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6088
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6030
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5727
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5784
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5600
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5521
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5543
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5501
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5403
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5465
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5501
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5475
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5612
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5651
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5740
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5885
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5704
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5678
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5813
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5363
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5076
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5003
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5883
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 5999
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6117
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6414
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:28 gePlugin.py:201 STREAM b'IDAT' 41 6674
+DEBUG 2025-08-05 14:45:29 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000059.parquet
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14504
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14814
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14902
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14892
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14870
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15061
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15153
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15149
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15121
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15139
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14784
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14745
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14364
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14357
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14362
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14275
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14350
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14850
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14427
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14425
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14334
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14402
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14432
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14615
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14738
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14742
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6121
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6002
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5692
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5726
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5686
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5406
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5497
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5813
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5706
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6374
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6321
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5839
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5805
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5787
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5758
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6032
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6031
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5944
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5788
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5696
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5910
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6122
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6151
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6102
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5800
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5974
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5920
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5825
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5678
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5651
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5712
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5882
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6271
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5658
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5514
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5664
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5700
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5787
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5698
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5726
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5836
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6031
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5811
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5587
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6104
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6359
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6413
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6004
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5959
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6113
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5925
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6147
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6385
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6118
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5984
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6003
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6025
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6025
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5990
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5934
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5819
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5736
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5532
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5494
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5601
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5708
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5813
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5901
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5792
+DEBUG 2025-08-05 14:45:29 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000060.parquet
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14427
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14335
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14245
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14309
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14325
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14373
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14809
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14884
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14402
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14852
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14948
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14769
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14809
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14456
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14279
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5259
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5417
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5441
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5556
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6276
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6549
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6795
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6891
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6857
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6871
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6669
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6697
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6610
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6241
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5844
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5459
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5500
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5471
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5434
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5740
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6188
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6245
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6424
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6304
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5950
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5887
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5404
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5286
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5371
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5264
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5301
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5206
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5223
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5171
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5468
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5731
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5936
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5804
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5796
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5819
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5933
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6048
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6448
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6411
+INFO 2025-08-05 14:45:29 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:29 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000061.parquet
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14808
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14861
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15030
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14986
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15057
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14351
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14377
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14661
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14691
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14745
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15169
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15109
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15289
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14929
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14847
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5312
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5504
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5826
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6039
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6377
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6524
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6412
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6428
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6282
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6173
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6021
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6171
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6177
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6206
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6141
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5715
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5654
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5577
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5392
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5483
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5557
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5582
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5554
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5623
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5991
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6326
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6165
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6282
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6135
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5643
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5551
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5576
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5475
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5713
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6216
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6402
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6389
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6300
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6277
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6525
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5865
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5338
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5205
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5155
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5247
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5160
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5090
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5108
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5106
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5151
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5167
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5117
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5089
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5203
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5153
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5264
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5227
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5148
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5155
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5185
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5299
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5382
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5317
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5533
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5665
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 5910
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:29 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:30 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000062.parquet
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14669
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14669
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14452
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14347
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14382
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14342
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14396
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14354
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14402
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14539
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14895
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14800
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15128
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15333
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15337
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15370
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15308
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15153
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14822
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:30 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5460
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5320
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5404
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5762
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5904
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6175
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6158
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6204
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6022
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6102
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6331
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5705
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7404
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7012
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7239
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7352
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7414
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7413
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7438
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7737
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7690
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7639
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7430
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7493
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7696
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7575
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7566
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7472
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7487
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7408
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6788
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6646
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6092
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5189
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4903
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4927
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5058
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4850
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4515
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4655
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4536
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4669
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4628
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4530
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5237
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5496
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5859
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6078
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5934
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6792
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6805
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:30 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:30 ort/utils.py:93 [LEARNER] transitions Received data at step end size 16588101
+DEBUG 2025-08-05 14:45:30 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5986
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5439
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5446
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5419
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5318
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5285
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5424
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5290
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5235
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5387
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5215
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5619
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5562
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5700
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5703
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:30 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000063.parquet
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14564
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14623
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14754
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14990
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14340
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5304
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5262
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5472
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5602
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5727
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5663
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5622
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5569
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5758
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5767
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5709
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5658
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5686
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5527
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5693
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5529
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5303
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5371
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5422
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5437
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5521
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5471
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5513
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5498
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5530
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5587
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5741
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6043
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:30 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000064.parquet
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14382
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14401
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14208
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14157
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14220
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14275
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14336
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14562
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14391
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14328
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14435
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14402
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14348
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14378
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14379
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14314
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14195
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14227
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14320
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14685
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14813
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14916
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15111
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15165
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15168
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15098
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15210
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15350
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15348
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15253
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15270
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15153
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15110
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15269
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5984
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6156
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6381
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6629
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6835
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6931
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6975
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7141
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7252
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7291
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7320
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7274
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7204
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7261
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7396
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7322
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7287
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 7130
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6553
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6279
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5789
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5702
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5868
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5865
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5677
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5475
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5375
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5367
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5342
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5114
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4863
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5032
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5114
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5214
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5325
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5196
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4577
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4646
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4536
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 4957
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5236
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5239
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5324
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5470
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5917
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5186
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5495
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5419
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5371
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5296
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5086
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5692
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5714
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5829
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5820
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6647
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6437
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6543
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6247
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6413
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6330
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6290
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6447
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6475
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6495
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6369
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5514
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5303
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5301
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5180
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5708
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5515
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5487
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5414
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5555
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5331
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 5550
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6166
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6275
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6334
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6519
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6523
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6401
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6521
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 6576
+DEBUG 2025-08-05 14:45:30 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000065.parquet
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:30 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14284
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14267
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14367
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14655
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15257
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15181
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15287
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14812
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5084
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5170
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5196
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5534
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5815
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6133
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6144
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6513
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6944
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6863
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6659
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6588
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6753
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6676
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6611
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6606
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6734
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6583
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6483
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6248
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6299
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6548
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6525
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6541
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6141
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5866
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5888
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5353
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 4915
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5113
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 4991
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 4869
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5145
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5468
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5589
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:31 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000066.parquet
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14431
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14390
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14346
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14609
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14752
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14423
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14412
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14268
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14343
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14918
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14826
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14792
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14861
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14753
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5792
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6095
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6329
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6710
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6668
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6745
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6683
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6412
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6533
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 7010
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 7083
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6768
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6206
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6052
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5911
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5861
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5634
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5525
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5502
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5509
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5320
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5703
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5708
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5319
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5282
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5369
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5310
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5255
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5133
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5518
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5512
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5539
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5398
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5357
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5258
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5113
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5013
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 4948
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5069
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 4976
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5146
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5239
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5357
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5347
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5390
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5493
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5538
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5603
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5850
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6803
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6981
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 7039
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 7044
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6797
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6567
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6781
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6618
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6458
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6503
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6462
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6401
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6464
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6188
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5981
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5376
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5216
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5237
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5235
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5527
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5662
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6390
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:31 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000067.parquet
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14261
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14208
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14183
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14284
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15310
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15327
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15273
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15267
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15359
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15232
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15260
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15353
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15423
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15454
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15483
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14878
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5952
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6001
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6096
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6125
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6381
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6734
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6813
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6526
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6501
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6426
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6311
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6121
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6029
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6064
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6004
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5688
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5969
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5999
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6080
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5986
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5864
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5979
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5491
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5378
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5102
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5203
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5853
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6581
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6806
+INFO 2025-08-05 14:45:31 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:31 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000068.parquet
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14654
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14878
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14906
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15196
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15315
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15367
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15404
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15366
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15385
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15189
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14865
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15065
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15094
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15172
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15283
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15300
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15375
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15417
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15350
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15275
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15338
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15230
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15152
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15257
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15306
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15262
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15265
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15362
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15305
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15219
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14850
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5467
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5605
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5952
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6061
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6020
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5874
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5948
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5562
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5315
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5272
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5136
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5723
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5938
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6051
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5924
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6000
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5933
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5618
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5603
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5964
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6759
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6616
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6222
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6509
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6126
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6111
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6387
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6166
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6108
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6078
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5940
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6059
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6014
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6138
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5709
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5715
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5610
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5411
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5548
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5561
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5560
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5429
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5447
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5583
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5946
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6260
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6260
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5941
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6960
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6619
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6499
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6196
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6047
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5983
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6192
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5846
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5811
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5773
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5844
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5826
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 5928
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6008
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6133
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6245
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6375
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6584
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:31 gePlugin.py:201 STREAM b'IDAT' 41 6811
+DEBUG 2025-08-05 14:45:32 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000069.parquet
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14297
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14347
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14357
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14364
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14244
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14447
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14443
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14521
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14270
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14349
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14326
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14362
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14349
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14290
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14445
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14507
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14447
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14346
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14224
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14199
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14271
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14203
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14401
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14491
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14339
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5491
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6179
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6627
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7228
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7456
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7509
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7769
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7924
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7810
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7570
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7153
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6573
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6216
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6750
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6824
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6729
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6409
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6287
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6600
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6354
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6134
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6182
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6224
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6668
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6769
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6977
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6928
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7009
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6775
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6219
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6434
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6496
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6693
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6553
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6096
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6150
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6516
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6487
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6395
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6325
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6344
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6489
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6455
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6554
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6179
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6271
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6186
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6094
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6822
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6867
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6656
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6640
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6001
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5750
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6118
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6315
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5668
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6351
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6453
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6460
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6519
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6394
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6330
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6316
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6035
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5739
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5993
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6027
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6500
+DEBUG 2025-08-05 14:45:32 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000070.parquet
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14822
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14757
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14832
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14655
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15088
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15037
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15177
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15175
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15435
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15399
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15358
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15240
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15142
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14878
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14943
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15281
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5162
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5122
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5353
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5508
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5744
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5779
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5613
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5929
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6629
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 7001
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6932
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6541
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6359
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5794
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5794
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5848
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6319
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6283
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6298
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6378
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6426
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6351
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6260
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5998
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5685
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5886
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5995
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6827
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6253
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6048
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5874
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5900
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5866
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5335
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5394
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5513
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:32 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000071.parquet
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14922
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 14339
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5321
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5426
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5686
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5855
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6068
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6455
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6577
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6583
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6573
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6654
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6497
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6413
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6333
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6264
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5984
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5493
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5440
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5162
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5142
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5201
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5699
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 5935
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6332
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6478
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6529
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:32 gePlugin.py:201 STREAM b'IDAT' 41 6572
+DEBUG 2025-08-05 14:45:33 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000072.parquet
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14554
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14827
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14859
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14761
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14661
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14783
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15215
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15221
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15247
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15262
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15137
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15205
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15092
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14852
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15053
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14474
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5157
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5416
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5689
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6459
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6385
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6363
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6419
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6070
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6068
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5965
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6372
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6385
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5853
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5615
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5771
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5884
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6866
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7090
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7087
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7145
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7152
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6858
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6761
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6859
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6897
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6539
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6952
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7006
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7075
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6895
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6825
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6876
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6897
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6876
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6962
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6927
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6899
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6978
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6995
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6853
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7072
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6957
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6925
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6331
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6338
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6550
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6586
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6668
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6910
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7005
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6860
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5687
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5574
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5490
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5915
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6053
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6142
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6255
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6380
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6411
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6172
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5883
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5992
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5944
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5912
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5782
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6426
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6364
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6597
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6498
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6436
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6405
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6270
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6160
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6040
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6028
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5723
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5447
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5785
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6303
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6515
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6813
+INFO 2025-08-05 14:45:33 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:33 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000073.parquet
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14826
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15254
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 14968
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15099
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15152
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15163
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15150
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15178
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15168
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15118
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15166
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15249
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15307
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15265
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15253
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15298
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15248
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15190
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15337
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15346
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15509
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15280
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15318
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15307
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15266
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15428
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15381
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15166
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15247
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15263
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15275
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15301
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15285
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15352
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15316
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15357
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15296
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15263
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15036
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15061
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15141
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 15121
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5052
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5012
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5491
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5681
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6155
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6341
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5980
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5997
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6039
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6049
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6196
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6204
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6140
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5793
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5992
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6303
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6334
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6293
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6299
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6214
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6309
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6281
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6143
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5789
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5535
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5602
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5780
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6326
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6272
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6066
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6076
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5625
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5679
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5478
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5565
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5697
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5238
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5224
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5197
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 4927
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5166
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5045
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 4805
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5004
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5677
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5732
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5665
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5790
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6420
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6684
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7054
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7261
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7200
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7253
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7200
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7141
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7046
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6956
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6643
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6358
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6276
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6251
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6909
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7179
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7286
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7017
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6908
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6970
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6950
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7137
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7016
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6963
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6920
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6896
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7283
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 7007
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6762
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 6133
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5088
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 4678
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5003
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5284
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:33 gePlugin.py:201 STREAM b'IDAT' 41 5303
+DEBUG 2025-08-05 14:45:34 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000074.parquet
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14363
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14431
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14335
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14330
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14443
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14442
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14372
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14295
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14330
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14442
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14310
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14341
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14521
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14257
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14317
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14419
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14387
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14659
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14669
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14282
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14710
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14854
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14952
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15098
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14773
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5217
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5527
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5944
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6336
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6100
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6604
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6827
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6594
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7018
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6963
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6563
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6931
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7645
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7601
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7798
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7736
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7822
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7783
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7811
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7835
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7400
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7577
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7582
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7569
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7192
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7275
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7328
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7376
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7323
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7498
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7702
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7564
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7596
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7803
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7720
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7451
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7201
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7163
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6849
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6855
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6976
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6886
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7220
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7049
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7065
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6946
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6693
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6588
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6639
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6501
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6224
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6244
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6276
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5810
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5904
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5937
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6278
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6031
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6246
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6365
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6235
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6810
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6819
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6870
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6648
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6522
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6455
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6598
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6490
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6464
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6518
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6539
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6436
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6225
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6370
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6596
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6733
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6933
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6806
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6786
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 7134
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6396
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6041
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5765
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6017
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6636
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6877
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6793
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6350
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5946
+DEBUG 2025-08-05 14:45:34 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000075.parquet
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15097
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15154
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15097
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14953
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14334
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14184
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14278
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14347
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14287
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14225
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14256
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14257
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14304
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14229
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14219
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14315
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15175
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15376
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15391
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15340
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15367
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15397
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15337
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 15150
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5061
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5100
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5541
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5977
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6039
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6524
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6573
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6425
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6419
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6472
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6018
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5969
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6105
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6138
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6010
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6408
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6383
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5964
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5789
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5747
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5675
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5888
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6327
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6179
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5956
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5502
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5381
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5594
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5253
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5703
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6278
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6224
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5866
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5646
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5850
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6173
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6082
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6003
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6059
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6315
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6482
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6480
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6319
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5734
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5583
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5467
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6137
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6117
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6411
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6157
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5931
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6109
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6140
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6638
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:34 gePlugin.py:201 STREAM b'IDAT' 41 6579
+DEBUG 2025-08-05 14:45:35 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000076.parquet
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14761
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14543
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14370
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14275
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14283
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14295
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14304
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14504
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14354
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14382
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14427
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14384
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14321
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14423
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14425
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14696
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14769
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15042
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15097
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15034
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5186
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5388
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5727
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6069
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6708
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6527
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6517
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6488
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6767
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6992
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7026
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7135
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6985
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7053
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6905
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6743
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6749
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6730
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6814
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6833
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6830
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6827
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6745
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6736
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6637
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6712
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6799
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6681
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6692
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6835
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6932
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7081
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6992
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6944
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6906
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6874
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6859
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6646
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6500
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5938
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5984
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6294
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6392
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6397
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6236
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6302
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6374
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6422
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6449
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6154
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6078
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5958
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5963
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5712
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5515
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5363
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5345
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5331
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5390
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5318
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5383
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5408
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5336
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5300
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5306
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6661
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6681
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6870
+INFO 2025-08-05 14:45:35 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:35 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000077.parquet
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14356
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14482
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15027
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14976
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14909
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14895
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14809
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14690
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14845
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14438
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14650
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14387
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14293
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14802
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14955
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5461
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6035
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6754
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6567
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6433
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6159
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6022
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6085
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5847
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5983
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6504
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5939
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6305
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6005
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6536
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6542
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6271
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5803
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5288
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5344
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5295
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6645
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6945
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7076
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6884
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7184
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6605
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6786
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 7477
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6803
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6581
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5859
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5710
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6455
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5600
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6069
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5529
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5409
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5637
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6115
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5944
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6513
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5750
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:35 gePlugin.py:201 STREAM b'IDAT' 41 5523
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5835
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6405
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5415
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6641
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6929
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5984
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5738
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5694
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6007
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5948
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6332
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5990
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6142
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6214
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5937
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6488
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6035
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5816
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5959
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6224
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6447
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5820
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5869
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6290
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5882
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5955
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6437
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6110
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6482
+DEBUG 2025-08-05 14:45:36 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000078.parquet
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14491
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14349
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14382
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14461
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14465
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14326
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14368
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14263
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14377
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14480
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14622
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14840
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15042
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15160
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15184
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15273
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15316
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15373
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15425
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15492
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15522
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15492
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15620
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15590
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15471
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15475
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15513
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15478
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15443
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15479
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15450
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15413
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14993
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15136
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15126
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15157
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15177
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15321
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15257
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15372
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15420
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15418
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15524
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15359
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15117
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5975
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6375
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6562
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7156
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7636
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7769
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7800
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7752
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7697
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7429
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7281
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6806
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6710
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6778
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7010
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7118
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7183
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6956
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6927
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6914
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6869
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6832
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6741
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6617
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6467
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6379
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5997
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5500
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5167
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5114
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5007
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5104
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5123
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4988
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4944
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4736
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4736
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4754
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 4986
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5033
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5122
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5257
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5134
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5565
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5748
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5705
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5683
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5674
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5628
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6916
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7277
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7571
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7295
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7372
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7682
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7652
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7552
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7677
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7324
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7358
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7284
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7204
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 7036
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6861
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6923
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6277
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6323
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6499
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6842
+DEBUG 2025-08-05 14:45:36 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000079.parquet
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14772
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14964
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15191
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15248
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15344
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15319
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15287
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15094
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15112
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15065
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5107
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5138
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5340
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5406
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5548
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6239
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6382
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6042
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5959
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5954
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5814
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5868
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5856
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5888
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6160
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6194
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6130
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5985
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6166
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6372
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5977
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5630
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5670
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5551
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5594
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5601
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6411
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6207
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6387
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6514
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6478
+DEBUG 2025-08-05 14:45:36 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000080.parquet
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14312
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14419
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14308
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14360
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14392
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14527
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14400
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14379
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14749
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14814
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14855
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15079
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15069
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15228
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15170
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15184
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15270
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15277
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15329
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15330
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15199
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15083
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15070
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15057
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15287
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15232
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15146
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15200
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15164
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15292
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15196
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15295
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15206
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15286
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15255
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 15198
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5226
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5283
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5502
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6104
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6446
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6716
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6831
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6482
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6122
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6182
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6351
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6098
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6259
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6441
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6615
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6517
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6543
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6500
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6456
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6515
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6594
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6405
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6175
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6108
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6218
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6319
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6383
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6502
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6405
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6247
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6581
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6385
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6412
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6225
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5927
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6136
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6445
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6510
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6631
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6673
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6632
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6709
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6543
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6480
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6515
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6282
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6158
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5767
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5716
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5597
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5592
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5549
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5567
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5490
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5429
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5600
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5612
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5387
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5437
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5428
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5499
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5707
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6238
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6351
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6699
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6677
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6649
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6728
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6482
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6313
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6186
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6156
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6053
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6003
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 6006
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5933
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5637
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5436
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5430
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5420
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5425
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5386
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5728
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:36 gePlugin.py:201 STREAM b'IDAT' 41 5933
+DEBUG 2025-08-05 14:45:37 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000081.parquet
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14522
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15014
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15018
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15251
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15290
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15326
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15353
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15384
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15410
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15529
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15472
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15469
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15582
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15548
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15455
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15417
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15391
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15285
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5962
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6243
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6473
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6182
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5736
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5267
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4989
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4867
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4841
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4776
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4672
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4702
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5197
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5522
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5717
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5632
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5777
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5664
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5701
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5639
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5366
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5304
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5462
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6173
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6438
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6505
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6524
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6720
+DEBUG 2025-08-05 14:45:37 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000082.parquet
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14727
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14939
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14758
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14945
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14758
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14769
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14653
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14971
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14828
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14659
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14854
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15053
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15141
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15200
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15280
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15393
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15341
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15321
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15237
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15249
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5312
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5488
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6107
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6182
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5983
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5820
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6262
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5887
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5861
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5676
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5843
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5660
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5550
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5936
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5676
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5803
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5751
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6565
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5712
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6155
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5985
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5804
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6038
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5808
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5770
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6130
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5884
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5932
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5612
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6075
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5817
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5658
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6020
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6338
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5772
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5690
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5792
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5774
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5696
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5808
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5873
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5792
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5724
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6032
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5784
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5702
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5682
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6163
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5875
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5689
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5886
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5810
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5715
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5609
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5776
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5769
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5210
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5112
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5228
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5553
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5607
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6062
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6397
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6110
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 6113
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5985
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5468
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5134
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4973
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4727
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4766
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 4861
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:37 gePlugin.py:201 STREAM b'IDAT' 41 5150
+INFO 2025-08-05 14:45:37 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:38 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000083.parquet
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14889
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14859
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14913
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14862
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14879
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14870
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14339
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14342
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15107
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15088
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14743
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15016
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14893
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14866
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14999
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14959
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14975
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14880
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14682
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14659
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15245
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15258
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15182
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14590
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6149
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6664
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6784
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6696
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6325
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6353
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6663
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6217
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6171
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6190
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6217
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6178
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6226
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6514
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6091
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6302
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6546
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6844
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6787
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6724
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6609
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6611
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6491
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6330
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6323
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6801
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7022
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6771
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5316
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6304
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5427
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6696
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7258
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6844
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7068
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7033
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6956
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7155
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7332
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7239
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7427
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7551
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7501
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7196
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7581
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7348
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6816
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6748
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6530
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6417
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6594
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6692
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6653
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6943
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7172
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6804
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6975
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7206
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7096
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6576
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6311
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5476
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5762
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5452
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6756
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6784
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7079
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7280
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6934
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7096
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7394
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7134
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6822
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7091
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6879
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6817
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6574
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6549
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5852
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5668
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5297
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6902
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7315
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7305
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7639
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7654
+DEBUG 2025-08-05 14:45:38 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000084.parquet
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14608
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14771
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14996
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14988
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14929
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15000
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14872
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14856
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14830
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14861
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5189
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5289
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5879
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6687
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6567
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6591
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6085
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5839
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5818
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6115
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6667
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6498
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6345
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5965
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5924
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6002
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5673
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5863
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5817
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5949
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6361
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6302
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6219
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6129
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5796
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6009
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6867
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6911
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6756
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6492
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6203
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6698
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6364
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6058
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6700
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7149
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7211
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7168
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7194
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6914
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7233
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7082
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6800
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6395
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6075
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5979
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6422
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6804
+DEBUG 2025-08-05 14:45:38 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000085.parquet
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14534
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14642
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14898
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14951
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14922
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15065
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15194
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15309
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 15115
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5601
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5860
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6242
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7008
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7297
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7516
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7361
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7110
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 7056
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6881
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6794
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6515
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6489
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6184
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6171
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5546
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5524
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5515
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5379
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5089
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5498
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 5779
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6347
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6633
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6823
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:38 gePlugin.py:201 STREAM b'IDAT' 41 6899
+DEBUG 2025-08-05 14:45:39 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000086.parquet
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14640
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14387
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14571
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14946
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15142
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15334
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15213
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15389
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15389
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15308
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15360
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15400
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15395
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15541
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15500
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15212
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15215
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15189
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15397
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15242
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15254
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15137
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15262
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15130
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15160
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15149
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15088
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15154
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15219
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15241
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15295
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15255
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14283
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14234
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14273
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14441
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14784
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14292
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14398
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14769
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14685
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14802
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15136
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15315
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15215
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15084
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5268
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5567
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6190
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6179
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6041
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6145
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6286
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6556
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6219
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6189
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6246
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6148
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6392
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6595
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6616
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6450
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6294
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5955
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5911
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5815
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5835
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6461
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7233
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7144
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7002
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6001
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6703
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6879
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6837
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6457
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7025
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6494
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7221
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6911
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5751
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6880
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6792
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6941
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6553
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7097
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7051
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7034
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6995
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6355
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7018
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7322
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7139
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6703
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6044
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6407
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6782
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6997
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5763
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5869
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5990
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6217
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6016
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6493
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6688
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6690
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7009
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7096
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7270
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7118
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7212
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6947
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7027
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6940
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7116
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 7027
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6680
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6316
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6165
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6271
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6549
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6176
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5956
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5858
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6120
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6560
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6534
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6812
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 5594
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6394
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6405
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 6576
+INFO 2025-08-05 14:45:39 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:39 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000087.parquet
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 15060
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14832
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14451
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14408
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14345
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14441
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14481
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14551
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14543
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14394
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14564
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14376
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14459
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14403
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14401
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14264
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14492
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14626
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14400
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14654
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14360
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14353
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14351
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14650
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14506
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14338
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:39 gePlugin.py:201 STREAM b'IDAT' 41 14312
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6000
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6583
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7059
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6861
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6584
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7081
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7041
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7187
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7055
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7238
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7194
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7504
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7428
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7650
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7796
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7775
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7682
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7599
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7532
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7578
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7877
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8079
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7631
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7274
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7221
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7615
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7690
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7627
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7294
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7484
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7167
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7372
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7409
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7485
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7457
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7318
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7466
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7800
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8030
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8143
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8269
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8305
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8178
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8101
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8097
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7963
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8252
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8262
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8196
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8229
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8435
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8458
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8391
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8359
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8089
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8033
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7670
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7736
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8220
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7523
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8155
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8171
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8082
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7784
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7304
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7326
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7459
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7206
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6936
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7281
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7361
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7478
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7674
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7377
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7128
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7081
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6986
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7084
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7075
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7394
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7878
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8005
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8146
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7992
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7815
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7759
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7908
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7762
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7337
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7138
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7241
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7385
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7185
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7092
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7583
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7377
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7251
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7484
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7592
+DEBUG 2025-08-05 14:45:40 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000088.parquet
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14520
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14450
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14391
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14543
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14350
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14347
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14215
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14227
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14251
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14215
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14796
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14991
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14874
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14750
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14907
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14949
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15149
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15201
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15242
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15380
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15395
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15441
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15445
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15300
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15318
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15276
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15368
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15306
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15388
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15332
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 15475
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5286
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5431
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5735
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6458
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6509
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6788
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7080
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7382
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7635
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7566
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7744
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7805
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7679
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7709
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8070
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8192
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 8085
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7910
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7680
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7563
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7193
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7019
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6975
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6484
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6531
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6389
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6121
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5827
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5768
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6143
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6114
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6012
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5868
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5692
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5608
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5749
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5757
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5697
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5667
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5639
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5686
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5664
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5481
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5753
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5596
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5586
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7216
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7123
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7080
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7204
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6978
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6779
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6373
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5813
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5694
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5788
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5839
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5994
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5812
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6678
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7085
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7028
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7266
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 7164
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6755
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5731
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5659
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5547
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5733
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 5860
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:40 gePlugin.py:201 STREAM b'IDAT' 41 6335
+DEBUG 2025-08-05 14:45:41 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000089.parquet
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14566
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14594
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14539
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14438
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14309
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14454
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14319
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14354
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14456
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14319
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14456
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14342
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14316
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14342
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15107
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15047
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15231
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15297
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15288
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15210
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15077
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14773
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15033
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14755
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14993
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14901
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14974
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14380
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14515
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14880
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15141
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15145
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15171
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15136
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15096
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14941
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14932
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15202
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15065
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14918
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14852
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14322
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5065
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5629
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6656
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6261
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6641
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6706
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6845
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6955
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6849
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6712
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7246
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7170
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7168
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7037
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7078
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7031
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6946
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7372
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7562
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7112
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6134
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5841
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6066
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6450
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6029
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5747
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6023
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6119
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5791
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5777
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5439
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5663
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6117
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7554
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7517
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6469
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6278
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7404
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7139
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6015
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6606
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7167
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7369
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7179
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7125
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6970
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6899
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6996
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6297
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6681
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7157
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7131
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7224
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6366
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6279
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6721
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6577
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6825
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6824
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6990
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7036
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6874
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6721
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6594
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6101
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5388
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6088
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6404
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6828
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6696
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6847
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5833
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5338
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6604
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6529
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6211
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6624
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6651
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6667
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7217
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7131
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6927
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6718
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6880
+DEBUG 2025-08-05 14:45:41 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000090.parquet
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14324
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14250
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14259
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14314
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14539
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14741
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14781
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14602
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14681
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14785
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14704
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14760
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15055
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15101
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15114
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15039
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14954
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15094
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15117
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15035
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14973
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15264
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15218
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15093
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15072
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15096
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15174
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15304
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15196
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15121
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5313
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5547
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6088
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6484
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6650
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6631
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6583
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6637
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6531
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6060
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6019
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6401
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6570
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6518
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6855
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6841
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6880
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6800
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6769
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6696
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6672
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6892
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6577
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6691
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6783
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6702
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6638
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6384
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6033
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6000
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6152
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6183
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5981
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6040
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5904
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5982
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5845
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5990
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6087
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5940
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5860
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5803
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5947
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6002
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6052
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5848
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5709
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6800
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6940
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7250
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7267
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7142
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7004
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6925
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6963
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7050
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7292
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6801
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6906
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6756
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6643
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6493
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6422
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5896
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6501
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7262
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6993
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6755
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7143
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7228
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 7191
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6873
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6682
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6584
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5479
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 5016
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 4342
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 4519
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 4544
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:41 gePlugin.py:201 STREAM b'IDAT' 41 4871
+INFO 2025-08-05 14:45:41 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:42 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000091.parquet
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14847
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14553
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14276
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14329
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14545
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14383
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14262
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14384
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14336
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14380
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14431
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14311
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14654
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14532
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14550
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14768
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14574
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14347
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14335
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14272
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14310
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14357
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14362
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14460
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14296
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14322
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14283
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14348
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14493
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14331
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14350
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14425
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14400
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14274
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14431
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14434
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14410
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14747
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14666
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14839
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14325
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5304
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6156
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6987
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6898
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6694
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6895
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7284
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6828
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7465
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7360
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6919
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6430
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7310
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6988
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6755
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6432
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6809
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6893
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6661
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6781
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7391
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7284
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6743
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6849
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6249
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6498
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6362
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6523
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6633
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6297
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6547
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6214
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6595
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6315
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6076
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6072
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6175
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6730
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7717
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7845
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7860
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7690
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7319
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7515
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7661
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7095
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6852
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7127
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6917
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7558
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7594
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7191
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7192
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6569
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6126
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6493
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6745
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7330
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7434
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7126
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7445
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6976
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7397
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6889
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6635
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6833
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7244
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6965
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6790
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6695
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6236
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6909
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6326
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6305
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6234
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6212
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5804
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5437
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6157
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6034
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6267
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6618
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6519
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6450
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6081
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5695
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6099
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5926
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5554
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5711
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6253
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6705
+DEBUG 2025-08-05 14:45:42 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000092.parquet
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14846
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15049
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15005
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14801
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14267
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5081
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5195
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5482
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5782
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5681
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6048
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5175
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5185
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5546
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:42 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000093.parquet
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14487
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14499
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14725
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14657
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14717
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14576
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14625
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14521
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14967
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15150
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15175
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14980
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15124
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15129
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15030
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15048
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14976
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15125
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15089
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15142
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14996
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14925
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14966
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15027
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15333
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15286
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15436
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15408
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15369
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15307
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15299
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15303
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15235
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15261
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15347
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15258
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15155
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5270
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5429
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5660
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5604
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5894
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5965
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5744
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5482
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5507
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5550
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5511
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5625
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5642
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5740
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5692
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5774
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5631
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5829
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6354
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6281
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6090
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5829
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5852
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5977
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6013
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5923
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5726
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5907
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5884
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5631
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5559
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5691
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5775
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5633
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5434
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5281
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5207
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5270
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5260
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5152
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5517
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6026
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5764
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5661
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5607
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5724
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5687
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5786
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5638
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5338
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5063
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5385
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5769
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6362
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6791
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6956
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7007
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7077
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7052
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6972
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6602
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6603
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6084
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 5877
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6433
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7357
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7252
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7313
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7254
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7156
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7082
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7258
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7710
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7657
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7644
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 7344
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:42 gePlugin.py:201 STREAM b'IDAT' 41 6838
+DEBUG 2025-08-05 14:45:43 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000094.parquet
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14546
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14491
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14635
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14650
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14618
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14639
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14647
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14847
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14779
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14788
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14902
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15132
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15029
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14994
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15059
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14964
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15084
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14861
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15033
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15022
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15105
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15019
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14948
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14880
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14942
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15075
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15014
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15004
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15061
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14953
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14952
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15096
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14961
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5168
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5433
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5592
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5935
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6404
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6349
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6125
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5688
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5752
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5795
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5880
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5913
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5781
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5732
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5850
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6301
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6050
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5976
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5762
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5810
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5596
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5510
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5714
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5832
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5620
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5875
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6008
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6127
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5840
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6003
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5926
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5617
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5870
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5153
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 4924
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5362
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5632
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5657
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5676
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5473
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5408
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5302
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5585
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5696
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5308
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5600
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6239
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6193
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6403
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6631
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6771
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6760
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6294
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6998
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6637
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6664
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6584
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6687
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6728
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6891
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6911
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7211
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7181
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7249
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6912
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6748
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6734
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6419
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6408
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6533
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6517
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6513
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6570
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6634
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6595
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6805
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6757
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6613
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6691
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6752
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7159
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7289
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7202
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6849
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6180
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5932
+DEBUG 2025-08-05 14:45:43 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000095.parquet
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14516
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14593
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14734
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14711
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14713
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14910
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14803
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14651
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14588
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14850
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14983
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 15159
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14814
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14686
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14675
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14843
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14719
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5468
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5516
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5815
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5971
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6201
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5874
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6403
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6674
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6013
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6029
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6331
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6437
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6609
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6435
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6891
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6617
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6542
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6700
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6616
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6728
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6618
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6540
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5816
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6054
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 5846
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6909
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6766
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6909
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7600
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7363
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7405
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7312
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 7135
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 6901
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:43 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+INFO 2025-08-05 14:45:43 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 10
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 11
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 12
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 13
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 14
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 15
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 16
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 17
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 18
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 19
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 20
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 21
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 22
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 23
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 24
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 25
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 26
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 27
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 28
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 29
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 30
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 31
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 32
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 33
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 34
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 35
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 36
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 37
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 38
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 39
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 40
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 41
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 42
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 43
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:90 [LEARNER] transitions Received data at step 44
+DEBUG 2025-08-05 14:45:43 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:43 ort/utils.py:93 [LEARNER] transitions Received data at step end size 94786806
+DEBUG 2025-08-05 14:45:43 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:43 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000096.parquet
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14444
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14851
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14784
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14305
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14313
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14362
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14572
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14648
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14673
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14664
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14692
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14610
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14687
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14678
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14337
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14386
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14497
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14359
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14380
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14250
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14279
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14256
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14367
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14358
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14421
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14699
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14633
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14601
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:43 gePlugin.py:201 STREAM b'IDAT' 41 14649
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14759
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14807
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14854
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14890
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15031
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15074
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15279
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15271
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15195
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15197
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15111
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15173
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15143
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15040
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14748
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6123
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6269
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6925
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7201
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7432
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7414
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7285
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7071
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7326
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7527
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7661
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7383
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7441
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7205
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7495
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7291
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7307
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7258
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7307
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7161
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7052
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7100
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7079
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7110
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7091
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6896
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7050
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6913
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7248
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7273
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7419
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7416
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7532
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7712
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7636
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7585
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7549
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7475
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7426
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7606
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7454
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7503
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7613
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7492
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7580
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7446
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7463
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7364
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7229
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7198
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7118
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7084
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7009
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6978
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7098
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7212
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7294
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7369
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7334
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7278
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7163
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7029
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7164
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6907
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6878
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6832
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6809
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6759
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6783
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6671
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6471
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5831
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5675
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5602
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5859
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5976
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5879
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6001
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6255
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6292
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6285
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5735
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6068
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6306
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6465
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6562
+DEBUG 2025-08-05 14:45:44 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000097.parquet
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14463
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14432
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14507
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14623
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14715
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14766
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14694
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14684
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14746
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14732
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14521
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14587
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14829
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15067
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15111
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15222
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15258
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15245
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15144
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15134
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15113
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14700
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14670
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6565
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6940
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7213
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7479
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7507
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7476
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7365
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7371
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7349
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7342
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7328
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7249
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7170
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7162
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7112
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6860
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6845
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6707
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6531
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6667
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6361
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6262
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6231
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6221
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6213
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6077
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5917
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5521
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5379
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5546
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5750
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5806
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5601
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5566
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5438
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5549
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6063
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5987
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6227
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6449
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6664
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6886
+DEBUG 2025-08-05 14:45:44 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000098.parquet
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14580
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14592
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14831
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15101
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14930
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14736
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14921
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15033
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15045
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14920
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14940
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14929
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14952
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14957
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15064
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14894
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14890
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14919
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14939
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14939
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15073
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15339
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15332
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15286
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15183
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14543
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14782
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15002
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15027
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15265
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15302
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15234
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15116
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15094
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15187
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15320
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15293
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15416
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15424
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15498
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15392
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15324
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15303
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15242
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15023
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14995
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14987
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15087
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15028
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15137
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15071
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15062
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15127
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15140
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14997
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14811
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15104
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15167
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5318
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5428
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5881
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5921
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5828
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6490
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5347
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5699
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5897
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5761
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5772
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5670
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6065
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6133
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5779
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5803
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5718
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5337
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5719
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5432
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5701
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5862
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5930
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5801
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6209
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6068
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6067
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5988
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 4953
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5478
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6202
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6407
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6503
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6645
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6960
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7079
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7137
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7272
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7887
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7530
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7449
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7023
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6739
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6753
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6998
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6803
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7060
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7031
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7106
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6839
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6553
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6083
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5868
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5909
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6682
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6544
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6512
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6940
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6971
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6859
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6837
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6532
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6327
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6265
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5759
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5893
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5954
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6903
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6804
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6865
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 7074
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6770
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6530
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6580
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6808
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6566
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6564
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6256
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6135
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5823
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6518
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6783
+DEBUG 2025-08-05 14:45:44 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000099.parquet
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14777
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14834
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 14960
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15188
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15347
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15185
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15128
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15138
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 15357
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5106
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5112
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5262
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5393
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5440
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5679
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 5934
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6165
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6132
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6174
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6163
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:44 gePlugin.py:201 STREAM b'IDAT' 41 6110
+DEBUG 2025-08-05 14:45:45 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000100.parquet
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14558
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14698
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14712
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14628
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14776
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14873
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14986
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14972
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14934
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15078
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14923
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15000
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14915
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14948
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15054
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15203
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15248
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15377
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15363
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15302
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15316
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15238
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15311
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15259
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15260
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15284
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15108
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15158
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15044
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15181
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15091
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15297
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15253
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5549
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5974
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6067
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6139
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6115
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6273
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6807
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6799
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6747
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7063
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7188
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7191
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7148
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7124
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6761
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6739
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6624
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6395
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6365
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6155
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6287
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6165
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5886
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5680
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5830
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5890
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5649
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5781
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5713
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5725
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5543
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5581
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5537
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5351
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5280
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5341
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5951
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6420
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6541
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6647
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6415
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5492
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5528
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5406
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5375
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5333
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5543
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5252
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5409
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5179
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5568
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6067
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6000
+DEBUG 2025-08-05 14:45:45 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000101.parquet
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14585
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14911
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15020
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15007
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15065
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15011
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14832
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14962
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14864
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14837
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14511
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14557
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14903
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14899
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14918
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14773
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14813
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14986
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15034
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15051
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14950
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15001
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15202
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15175
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15025
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15006
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15057
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 15050
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14943
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14821
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14739
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14886
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14790
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14571
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6105
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6927
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7186
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7095
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7105
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7243
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7006
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6854
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6827
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6131
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6570
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6451
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5989
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5911
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6556
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6360
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6244
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6263
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5882
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5840
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6418
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6036
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6097
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6097
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6035
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5629
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5530
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5883
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5852
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5876
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5352
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5366
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5315
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5837
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5562
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6112
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 5816
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6024
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6615
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 6923
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7170
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7293
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7194
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7143
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7241
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7296
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7576
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7447
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7283
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:45 gePlugin.py:201 STREAM b'IDAT' 41 7415
+INFO 2025-08-05 14:45:45 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:46 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000102.parquet
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14758
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14842
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14858
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15041
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15015
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14936
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15042
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14674
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14573
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14799
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14808
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14860
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15026
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14841
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14709
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14416
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14393
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14867
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14882
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14643
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14848
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14856
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14823
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14900
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14944
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14888
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15082
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14536
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14290
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14372
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14631
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14762
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14675
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14803
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14877
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14947
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15021
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14816
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14568
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14547
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14730
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14809
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14803
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15052
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14927
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14959
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14977
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14935
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14875
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14963
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15229
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15225
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15270
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15462
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15438
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15414
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15519
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15517
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15556
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15400
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15218
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5634
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6393
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6979
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6894
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6685
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6698
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6216
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6229
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6047
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6044
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5722
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5772
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5684
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5959
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6386
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6436
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6833
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7209
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7348
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7104
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7038
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7470
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6987
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6992
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6543
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6258
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6012
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5890
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5763
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6191
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6043
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6082
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6040
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5903
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6362
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6381
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6131
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6089
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6079
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5996
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6809
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6708
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6390
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6073
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5908
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5449
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5553
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5243
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5422
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5689
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5849
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5957
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6356
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6169
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6202
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5726
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5730
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6503
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6225
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6322
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5911
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6010
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6198
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6231
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6226
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5978
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6006
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6154
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5543
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5310
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5312
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5260
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5298
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5621
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5979
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5756
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5321
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5207
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4938
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4778
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4772
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4537
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4688
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4909
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5003
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5436
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5257
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5335
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6535
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7077
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7204
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7440
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:46 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:46 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:46 ort/utils.py:93 [LEARNER] transitions Received data at step end size 15008373
+DEBUG 2025-08-05 14:45:46 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:46 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000103.parquet
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14577
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14584
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14689
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14723
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14751
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14611
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14797
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14708
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14563
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14278
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14387
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14510
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14856
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14891
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14827
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14663
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14542
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14429
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14451
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14498
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14461
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14530
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14469
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14559
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14363
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14344
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14329
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14360
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14411
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14583
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14430
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14474
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14595
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14528
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14567
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14480
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14535
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14538
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14503
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14517
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14548
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14389
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14575
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14677
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14457
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14508
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14842
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14918
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14617
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14565
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14641
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14655
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14624
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14526
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14488
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14378
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14276
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5729
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5820
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5926
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6357
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6723
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6869
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7023
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7093
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7053
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7213
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7398
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7207
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7343
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7460
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7496
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7446
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7449
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7388
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7174
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7095
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6891
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6522
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6303
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6141
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6479
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6510
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6476
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6459
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6590
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6703
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6511
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5935
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5983
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6159
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6503
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6406
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6375
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6196
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6291
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6358
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6147
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6170
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6137
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6215
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6572
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5582
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5859
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6383
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6500
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6390
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6301
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6399
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6480
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6392
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5950
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6143
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6210
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6317
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6135
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6059
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5763
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6612
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6733
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6842
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6998
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7214
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7177
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6527
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6631
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6759
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7020
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6815
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6860
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7216
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7296
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7239
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7026
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6995
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6827
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6368
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6969
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7139
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7070
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6809
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5765
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5688
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5029
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5168
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6026
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6302
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6116
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6115
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6449
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6989
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 7120
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6648
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6336
+DEBUG 2025-08-05 14:45:46 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000104.parquet
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15043
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15096
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15119
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14979
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15008
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14939
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15117
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14989
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15012
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15283
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15322
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15219
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15227
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 15160
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14970
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14774
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14676
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5490
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5678
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5757
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5139
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 4972
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5186
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5590
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5742
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5634
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6364
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6362
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6037
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5351
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5304
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6122
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6346
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 5972
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6294
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6331
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6737
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6650
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:46 gePlugin.py:201 STREAM b'IDAT' 41 6730
+DEBUG 2025-08-05 14:45:47 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000105.parquet
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14722
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14810
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14714
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14806
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14917
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14896
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14908
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14693
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14705
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14764
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14855
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14887
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14815
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14912
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14832
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14897
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14857
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14933
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14825
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14992
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14998
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14926
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14871
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14793
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14805
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14824
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14819
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14758
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14780
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14863
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14878
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14883
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14818
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14786
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14775
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14881
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15010
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15024
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14982
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15009
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15086
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15013
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15250
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15297
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15342
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15278
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15243
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15274
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15306
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15311
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15226
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15294
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15236
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15147
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15323
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15252
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15313
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15161
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14985
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14853
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14733
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5099
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5085
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5272
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5424
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5443
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5478
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5288
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5332
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5356
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5411
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6029
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5506
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5510
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5575
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5413
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5302
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5445
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5627
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5597
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5632
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5510
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5624
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5482
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5454
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5454
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5509
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6157
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5736
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5654
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5556
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5349
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5340
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5397
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5555
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5583
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5657
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5538
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5512
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5557
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5634
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5799
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5943
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6380
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6443
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6532
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6628
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6391
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6333
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6237
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6181
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6194
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5829
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5506
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5497
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5534
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5524
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5580
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5544
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5613
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5307
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5498
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5872
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6325
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6368
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6366
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6307
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6419
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6343
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6832
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6891
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 7052
+DEBUG 2025-08-05 14:45:47 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000106.parquet
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14523
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14650
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15090
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15149
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15234
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15214
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15305
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15370
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15365
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15258
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15351
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15384
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15317
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15282
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15372
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15281
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15204
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15003
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14800
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5036
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5085
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5378
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5672
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5915
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5860
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5171
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5618
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5529
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5721
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5420
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6052
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6449
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6635
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5575
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5563
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5973
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6016
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5873
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6005
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6350
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6257
+DEBUG 2025-08-05 14:45:47 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000107.parquet
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14485
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14503
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14442
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14448
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14422
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14501
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14439
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14562
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14724
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14737
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14688
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14479
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14502
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14658
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14570
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14756
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14629
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14735
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14667
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14744
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14868
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14978
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15095
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15038
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15216
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15079
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15032
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14946
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14969
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14840
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14770
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6153
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6267
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6324
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6547
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6621
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6547
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6560
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6538
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6376
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6398
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6220
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6162
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6204
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6330
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6592
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6617
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6657
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6497
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6406
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6167
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6274
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6352
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6187
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6313
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6070
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6046
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6101
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6016
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5986
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5673
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5439
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5628
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5470
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5641
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5748
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5778
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5814
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6016
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6785
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6761
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6817
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6823
+DEBUG 2025-08-05 14:45:47 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000108.parquet
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14486
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14637
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14795
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14817
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14905
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14869
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14683
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14798
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14787
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14928
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14938
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14965
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14876
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14833
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14721
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14804
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14671
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14765
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14767
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14621
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6087
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6273
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6582
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6563
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6438
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6185
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5906
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5916
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6440
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6457
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6427
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5798
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5701
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5529
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6178
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5980
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6295
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6288
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6228
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6150
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6163
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6060
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5997
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6027
+INFO 2025-08-05 14:45:47 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:47 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000109.parquet
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14707
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14763
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14808
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14931
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14958
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14718
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14697
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14656
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14619
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14471
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14495
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14607
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14586
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14597
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14603
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14794
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14778
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14849
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14914
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14984
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14964
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14937
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 14956
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15057
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15063
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15211
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15131
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15068
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15076
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15144
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15135
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15107
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15179
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15148
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15080
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15123
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15209
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15046
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 15056
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5175
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5353
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5604
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5653
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5972
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5863
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5798
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5760
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5854
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6278
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6437
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6493
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6375
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6161
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6442
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6208
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6103
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6311
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6321
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6308
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6300
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6339
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6361
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6328
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6518
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6507
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6459
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6192
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6106
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6047
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5975
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 6086
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5844
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5910
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5674
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5666
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5700
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5845
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5704
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5809
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5812
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5878
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5961
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5899
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5656
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5583
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5592
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 5190
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:47 gePlugin.py:201 STREAM b'IDAT' 41 4374
+DEBUG 2025-08-05 14:45:48 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000110.parquet
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14437
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14541
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14632
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14740
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14901
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14924
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14652
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14396
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14537
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14512
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14409
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14616
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14367
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14620
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14750
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14679
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14614
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14665
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14449
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14414
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14519
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14436
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14398
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14227
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14248
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14343
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14299
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14301
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14219
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14612
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14560
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14540
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14445
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14242
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14321
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14524
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14224
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14290
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14433
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14197
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14197
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14169
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14322
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14192
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14155
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14509
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14276
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14513
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14394
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14440
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14525
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14529
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14549
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14378
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14282
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14275
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14248
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14392
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14219
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14484
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14667
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14691
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14564
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14153
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14599
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14668
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 14662
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 5891
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6311
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6686
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6988
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7222
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7493
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7098
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7055
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7361
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7413
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7705
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7823
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7760
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7728
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7971
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7700
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7687
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7463
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7143
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7172
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7552
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7639
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7563
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8200
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8361
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8313
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8280
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8659
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8266
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7811
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7671
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8145
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8242
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8092
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8223
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8043
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7802
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7717
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7787
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8006
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8268
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7708
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7724
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7724
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8146
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7864
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7854
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7342
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6763
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6614
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7692
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7550
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7727
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7997
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8318
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8197
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7875
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8418
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7697
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8140
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7840
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7693
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8214
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7962
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7756
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7304
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7379
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7789
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7845
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7147
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7313
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7274
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7264
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7356
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7758
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8195
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8174
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8051
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7843
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8324
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8036
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8107
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8588
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 8283
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7608
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7199
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7200
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6652
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6341
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6254
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6168
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6720
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7059
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7530
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7303
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 7037
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6742
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6509
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6520
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:48 gePlugin.py:201 STREAM b'IDAT' 41 6199
+DEBUG 2025-08-05 14:45:49 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000111.parquet
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14579
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14544
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14644
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14458
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14257
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14303
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14259
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14263
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14235
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14263
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14222
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14365
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14371
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14286
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14386
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14281
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14251
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14475
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14371
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14406
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14564
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14468
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14374
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14397
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14274
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14344
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14297
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14276
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14279
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14388
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14349
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14331
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14260
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14370
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14327
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14214
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14316
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14387
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14277
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14235
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14178
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14271
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14343
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14298
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14286
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14281
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14317
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14261
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14370
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14392
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14340
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14329
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14318
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14395
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14324
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14339
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14399
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14561
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14605
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14426
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14309
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14403
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14352
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14386
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14405
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14349
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14292
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14259
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14351
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14353
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14477
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14467
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14186
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14251
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14342
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14425
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14489
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14531
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14341
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14269
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14286
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14305
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14239
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14369
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14483
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14596
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5388
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5925
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7364
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7025
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7167
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7655
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7594
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7461
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7200
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7137
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7149
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7312
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7096
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7191
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7181
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7428
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7107
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7040
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6939
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6860
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7197
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7534
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7301
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6754
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7033
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7414
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7717
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7278
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7227
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6871
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7080
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7214
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6946
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7296
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7497
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6986
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6888
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7312
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7389
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7849
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7610
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7461
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 8076
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7564
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7278
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7203
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7053
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7099
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7048
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7116
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7363
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7095
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7086
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7181
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7053
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7017
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7343
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7163
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6887
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6674
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7163
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6748
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6818
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6883
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6732
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7047
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7021
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7384
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7654
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7244
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7112
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7018
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6932
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6927
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6810
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6539
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6640
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6830
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6940
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7336
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7494
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7198
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7092
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7035
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7350
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7819
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7261
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6974
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6553
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6973
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6598
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6833
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7088
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7560
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7438
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7143
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7355
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7625
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7867
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 7778
+DEBUG 2025-08-05 14:45:49 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000112.parquet
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14496
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14472
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14514
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14606
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14731
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14860
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14885
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15058
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15133
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15184
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15233
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15037
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15102
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15106
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15180
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15081
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 15017
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14870
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14904
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 14636
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5063
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5093
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5126
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5322
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5685
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5637
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5914
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6344
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6186
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6314
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6397
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6195
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 6377
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5898
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5678
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5245
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5196
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5359
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5248
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:49 gePlugin.py:201 STREAM b'IDAT' 41 5398
+INFO 2025-08-05 14:45:49 r_service.py:67 [LEARNER] Push parameters to the Actor
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] interactions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:93 [LEARNER] interactions Received data at step end size 192
+DEBUG 2025-08-05 14:45:50 rt/utils.py:104 [LEARNER] interactions Queue updated
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:85 [LEARNER] transitions Received data at step 0
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 1
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 2
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 3
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 4
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 5
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 6
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 7
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 8
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:90 [LEARNER] transitions Received data at step 9
+DEBUG 2025-08-05 14:45:50 ort/utils.py:76 [LEARNER] transitions Received item
+DEBUG 2025-08-05 14:45:50 ort/utils.py:93 [LEARNER] transitions Received data at step end size 21327349
+DEBUG 2025-08-05 14:45:50 rt/utils.py:104 [LEARNER] transitions Queue updated
+DEBUG 2025-08-05 14:45:50 ns/local.py:357 open file: /home/nikola/lerobot/outputs/train/2025-08-05/13-45-02_default/dataset/data/chunk-000/episode_000113.parquet
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14500
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14582
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14702
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14552
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14745
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14404
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14455
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14476
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14703
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14634
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14706
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14424
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14412
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14462
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14456
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14494
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14701
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14844
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14820
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14716
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14556
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14505
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14646
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14518
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14533
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14726
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14294
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14226
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14371
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14326
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14304
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14288
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14385
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14417
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14335
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14368
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14478
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14401
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14299
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14289
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14420
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14428
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14446
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14379
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14377
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14366
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14355
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14413
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14216
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14407
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14375
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14380
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14453
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14263
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14345
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14392
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14835
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14645
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14729
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14791
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14466
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14581
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14638
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14464
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14504
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14381
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14473
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14418
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14451
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14555
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14569
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14578
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14672
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14600
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14836
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14695
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14589
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14598
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14613
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14680
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14838
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14660
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14441
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14470
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14630
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14728
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14720
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14591
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14627
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IHDR' 16 13
+DEBUG 2025-08-05 14:45:50 gePlugin.py:201 STREAM b'IDAT' 41 14604
+DEBUG 2025-08-05 14:4